An open API service providing repository metadata for many open source software ecosystems.

Topic: "stable-baselines3"

iczellion/pygame-snakes

A Snake game implementation using Python and Pygame, featuring both interactive gameplay and AI learning capabilities through reinforcement learning

Language: Python - Size: 1.76 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

prabinrath/Beyond-Demonstration

Implementation of T-REX and D-REX Inverse Reinforcement Learning (IRL) algorithm for learning form suboptimal demonstrations

Language: Python - Size: 186 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

aritrakar/rl-exp

🤖Reinforcement learning experiments.

Language: Python - Size: 842 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

janenotjung-hue/wordle

Using Imitation Learning for a Wordle agent

Language: Jupyter Notebook - Size: 109 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sadegh15khedry/Lunar-Lander-Using-PPO

Training an agent to land a spacecraft in the LunarLander environment.

Language: Jupyter Notebook - Size: 525 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

joshGilstrap/Asynchronous-Advanced-Actor-Critic

A reinforcement learning A3C implementation trained to play Super Mario Bros

Language: Python - Size: 77.5 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

davidbhoffmann/racing-rl-project

This projects applies the TD3 reinforcement learning agent to the CarRacing-v2 Box2D environment

Language: Jupyter Notebook - Size: 125 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

strcoder4007/Mario-Reinforcement-Learning

Training a Mario reinforcement learning agent using Open AI Gym and Stable Baselines 3 PPO algorithm.

Language: Python - Size: 2.16 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

colurw/snake_PPO

Nokia's classic 'snake' game, written in NumPy and converted into a Gymnasium Environment() for use with gradient-based reinforcement learning algorithms

Language: Python - Size: 43.9 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

rishisim/LunarLander-v2

Trained model of a PPO agent playing LunarLander-v2 using the stable-baselines3 library.

Language: Jupyter Notebook - Size: 438 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

bcorfman/pettingzoo-classicenvs

PettingZoo ConnectFour and TicTacToe examples, configured with Rye as dependency manager

Language: Python - Size: 24.4 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

clement-chupin/BenchNeuralNework

Evaluate Feature extraction in the reinforcement learning, with environements from OpenAi gym, and policies from stable-baselines3

Language: Jupyter Notebook - Size: 215 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

tganamur/RL-SNN-Quadrupeds

Teaching a quadruped robot to walk using a spiking neural network based architecture

Language: Python - Size: 22.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tganamur/RL-vs-MPC-Racing

Comparing the performance of MPC based racing and RL based racing

Language: HTML - Size: 11.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Tikhon-Radkevich/HuggingFaceDeepRL

Explorations and implementations of Deep Reinforcement Learning techniques from the Hugging Face course, featuring DQN and PPO applied to classic and VizDoom environments.

Language: Python - Size: 193 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

EwenCollin/BotMobile

Autonomous 1:10 race car with a reinforcement learning based approach

Language: C - Size: 220 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

yursds/testLogger_SB3

Start to train a model with RL-PPO of stable-baseline3. Use a custom callback to see on tensorboard parameters updating.

Language: Python - Size: 233 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

yhs0602/CraftGround-Baselines3

Example of Reinforcement Learning Environment on Minecraft with Stable-Baselines3 and CraftGround

Language: Python - Size: 68.4 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

donymorph/Dongfeng_competition

Building autonomous driving system by using CARLA simulator

Language: Python - Size: 294 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

bcorfman/sb3-trial

Stable Baselines 3 Cartpole example configured with Rye as dependency manager.

Language: Makefile - Size: 28.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

KohlerHECTOR/primenet

Predicting prime numbers as list of bits.

Language: Jupyter Notebook - Size: 120 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Credioni/ML200.ristinolla

Custom TicTacToe openai-gym enviroment for PPO RL-agent

Language: Jupyter Notebook - Size: 548 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

ivor4/multi_sb3 Fork of DLR-RM/stable-baselines3

Experimental version of Stable Baslines3 which expands SB3 2.2.1 to be able to define a multi algorithm training. Usage will be based on defer actions, observation space and rewards between its inner algorithms (PPO, DQN, SAC...). It is thought for projects which may rely on different strategies for different actions with a focused training

Size: 3.91 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

wayne-turner/load_balancer

Reinforcement learning for optimizing energy distribution, effective resource management through simulation.

Language: Python - Size: 4.28 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

inakivazquez/docker_rl

Docker containers for Linux/Windows to experiment with Gymnasium and Stable-Baselines3

Language: Dockerfile - Size: 75.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

haldersourav/grid_navigation_RL

A set of simple reinforcement learning examples of navigating a 1D, 2D and 3D grid using Stable-Baselines3

Language: Jupyter Notebook - Size: 5.29 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Nish-19/SB3-tutorial

Tutorial for using Stable Baselines 3 for creating custom policies

Language: Python - Size: 3.04 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SlimShadys/PPO-StableBaselines3

This repository contains a re-implementation of the Proximal Policy Optimization (PPO) algorithm, originally sourced from Stable-Baselines3.

Language: Python - Size: 1.04 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

fareskhlifi/Intelligent-Scheduling-using-Reinforcement-learning-and-Deep-Q-Networks

Implementing a new environment in Gymnasium for intelligent schduling

Language: Jupyter Notebook - Size: 7.19 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sukiboo/policy_entropy

Analyzing policy entropy of reinforcement learning agents

Language: Python - Size: 21.5 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

maximotus/asp23-karting-challenge-rl

This project aims to implement a reinfrcement learning agent using Proximal Policy Optimization (PPO). And given the Unity environment of the "Karting Microgame", it can be used to train a robust agent on multiple tracks which can compete against other implementations.

Language: ASP.NET - Size: 30.3 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

WilliamSMendes/EnergyResourceAgent

In this project I pass through the principles and concepts of Reinforced Learning and I trained an agent to manage the energy resources

Language: Jupyter Notebook - Size: 18 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

tehelka-gamedev/hide_and_seek

Hide and Seek AI test with Deep Q-Learning (stable baselines 3)

Language: Python - Size: 369 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

shashvatshah9/RL-GFootball Fork of aaravpandya/RL-GFootball

Distributed training for RL algo on pytorch

Language: Python - Size: 41 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Enkhai/lucy-utils

A set of utilities for the Rocket League bot Lucy, useful for building effective Reinforcement Learning agents for Rocket League, using RLGym

Language: Python - Size: 21.2 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

glinerosuarez/regen

Regen is an end-to-end application that showcases how to train and deploy reinforcement learning trading agents

Language: Python - Size: 267 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 5

datennerd/super-mario-bros

🍄​ Reinforcement Learning agent for Super Mario Bros

Language: Python - Size: 98.6 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

AhmadrezaHadi/deep-css

Resource Management in Cloud Servers Using end-to-end Deep Reinforcement Learning

Language: Python - Size: 58.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

marco-milanesi/lqr-ppo

Git repository for LQR and Reinforcement Learning labs. Code for modeling human movement and solving optimization using PPO algorithm.

Language: Jupyter Notebook - Size: 4.74 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/SonicTheHedgehog2-ReinforcmentLearning

This project implements an agent for playing the SonicTheHedgehog2 game from a ROM file using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language: Jupyter Notebook - Size: 60.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/BipedalWalker-ReinforcementLearning

In this project I create agent for the BipedalWalker environment using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to navigate the BipedalWalker environment, which is a simulated robot with two legs.

Language: Jupyter Notebook - Size: 144 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/FlappyBird-ReinforcmentLearning

This project implements an agent for playing the FlappyBird game in a browser using the Deep Q-Network (DQN) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to maximize the score.

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/CartPole-ReinforcementLearning

In this project, I created an agent to solve the CartPole task using the stablebaselines3 library. CartPole is a problem from the OpenAI Gym catalog, in which the goal is to maintain balance of a wooden pole using motors attached to its ends. The agent must decide whether to move the pole left or right to maintain balance.

Language: Jupyter Notebook - Size: 117 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/VizDoom-ReinforcementLearning

This project implements an agent for playing the VizDoom game on various levels using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language: Jupyter Notebook - Size: 665 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/LunarLander-ReinforcementLearning

In this project, I created an agent using the PPO algorithm from stable baselines3 to complete a task in the LunarLander environment. The agent was trained using reinforcement learning techniques to maximize its performance in the task. The resulting model was able to achieve a high level of success in the LunarLander environment.

Language: Jupyter Notebook - Size: 199 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MichaelFish199/SuperMarioBros-ReinforcementLearning

This project implements an agent for playing the SuperMarioBros game using the Proximal Policy Optimization (PPO) algorithm from the stablebaselines3 library. The agent is trained to learn the optimal actions to take at each step in the game in order to complete the level and maximize the score.

Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

LukasDrews97/flappy-bird-reinforcement-learning Fork of doravalerie/flappy-bird-gym

Training a Reinforcement Learning Agent to Play Flappy Bird

Language: Python - Size: 64.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sergeLabo/furuta

Pilotage d'un pendule de Furuta avec un Raspberry PI

Language: Python - Size: 84.5 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

haiderzm/RL-StableBaselines3

Implementation of Reinforcement Learning Algorithm on BiPedal Walker using Stable_Baselines3

Language: Python - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

nerdinand/shooty-game

Game/Simulation which is a 2D-analog of Counter Strike as a target for Deep Reinforcement Learning.

Language: Python - Size: 614 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

PrithviAbhishetty/rp3

Language: Python - Size: 8.07 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

lukefisher03/tic-tac-toe-gym-env

A custom OpenAI gym environment for training Tic-Tac-Toe agents with Stable-Baselines3

Language: Python - Size: 1.46 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

TepidJesus/SC2-ProtossBot

[WIP] - My first attempt at a Star Craft 2 bot using Stable baselines 3.

Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AAnirudh07/stable-baselines

Implementation of RL algorithms using the stable baselines library

Language: Python - Size: 8.17 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Enkhai/rlgym-examples

Training examples for the Rocket League Gym using Stable-Baselines3

Language: Python - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

unknown-yuser/SAC_KukaDiverseObject

Train Soft Actor-Critic model for KukaDiverseObject environment in pybullet

Language: Python - Size: 3.23 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

mohith-sakthivel/sufficient-ppo

Clean and flexible implementation of PPO (built on top of stable-baselines3)

Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Related Topics
reinforcement-learning 111 python 33 ppo 30 pytorch 25 gym 23 deep-reinforcement-learning 21 gymnasium 16 openai-gym 15 gym-environment 13 machine-learning 13 robotics 11 proximal-policy-optimization 10 rl 9 dqn 9 game 6 mujoco 6 deep-learning 6 airsim 5 optuna 5 a2c 5 ros 5 reinforcement-learning-environments 5 pygame 5 gymnasium-environment 5 reinforcement-learning-algorithms 5 reinforcement-learning-agent 5 imitation-learning 4 carla-simulator 4 python3 4 sac 4 pettingzoo 4 autonomous-driving 4 pybullet 4 agent 4 simulation 4 path-planning 3 atari 3 gazebo 3 cnn 3 jupyter-notebook 3 ppo-pytorch 3 motion-planning 3 ai 3 open-ai-gym 3 rllib 3 control 3 optimization 3 ppo-agent 3 q-learning 3 rocket-league 3 robot-navigation 2 human-aware-navigation 2 social-navigation 2 ros2 2 f1tenth 2 crowd-navigation 2 collision-avoidance 2 evolutionary-algorithms 2 esp32-arduino 2 tensorflow 2 computer-vision 2 ddpg 2 sumo 2 meta-learning 2 rye 2 simulator 2 super-mario-bros 2 genetic-algorithm 2 finance 2 stable-baselines 2 unreal-engine-4 2 numpy-arrays 2 rlgym 2 partially-observable-environment 2 snake-game 2 qiskit 2 botorch 2 lunar-lander 2 soft-actor-critic 2 openai-gym-environment 2 neural-network 2 deep-q-network 2 mbpo 2 scikit-learn 2 trading-bot 2 drl 2 game-development 2 quadrotor 2 docker 2 godot 2 godot-engine 2 curriculum-learning 2 carla 2 numpy 2 multiros 2 lunarlander-v2 2 sb3-contrib 2 multi-agent-reinforcement-learning 2 policy-gradient 2 multiagent-reinforcement-learning 2