Topic: "reinforcement-learning-algorithms"
DLR-RM/stable-baselines3
PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.
Language: Python - Size: 4.69 MB - Last synced at: 11 days ago - Pushed at: 27 days ago - Stars: 11,012 - Forks: 1,870

udacity/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 4,896 - Forks: 2,344

hill-a/stable-baselines Fork of openai/baselines
A fork of OpenAI Baselines, implementations of reinforcement learning algorithms
Language: Python - Size: 9.88 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 4,264 - Forks: 722

opendilab/DI-engine
OpenDILab Decision AI Engine. The Most Comprehensive Reinforcement Learning Framework B.P.
Language: Python - Size: 292 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 3,472 - Forks: 404

nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Language: Python - Size: 12.1 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 2,047 - Forks: 378

opendilab/awesome-model-based-RL
A curated list of awesome model based RL resources (continually updated)
Size: 191 KB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 1,137 - Forks: 67

nicrusso7/rex-gym
OpenAI Gym environments for an open-source quadruped robot (SpotMicro)
Language: Python - Size: 319 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 1,050 - Forks: 139

ericyangyu/PPO-for-Beginners
A simple and well styled PPO implementation. Based on my Medium series: https://medium.com/@eyyu/coding-ppo-from-scratch-with-pytorch-part-1-4-613dfc1b14c8.
Language: Python - Size: 2.73 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 901 - Forks: 131

luchris429/purejaxrl
Really Fast End-to-End Jax RL Implementations
Language: Python - Size: 1.46 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 866 - Forks: 70

opendilab/awesome-decision-transformer
A curated list of Decision Transformer resources (continually updated)
Size: 884 KB - Last synced at: 4 days ago - Pushed at: 12 days ago - Stars: 805 - Forks: 35

NeuromatchAcademy/course-content-dl
NMA deep learning course
Language: Jupyter Notebook - Size: 594 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 787 - Forks: 281

JuliaPOMDP/POMDPs.jl
MDPs and POMDPs in Julia - An interface for defining, solving, and simulating fully and partially observable Markov decision processes on discrete and continuous spaces.
Language: Julia - Size: 10.5 MB - Last synced at: 2 days ago - Pushed at: 6 days ago - Stars: 720 - Forks: 107

benedekrozemberczki/awesome-monte-carlo-tree-search-papers
A curated list of Monte Carlo tree search papers with implementations.
Language: Python - Size: 238 KB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 680 - Forks: 76

cpnota/autonomous-learning-library
A PyTorch library for building deep reinforcement learning agents.
Language: Python - Size: 6.24 MB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 648 - Forks: 72

Skylark0924/Rofunc
🤖 The Full Process Python Package for Robot Learning from Demonstration and Robot Manipulation
Language: Python - Size: 1.01 GB - Last synced at: 12 days ago - Pushed at: about 2 months ago - Stars: 636 - Forks: 57

Stable-Baselines-Team/stable-baselines3-contrib
Contrib package for Stable-Baselines3 - Experimental reinforcement learning (RL) code
Language: Python - Size: 1.43 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 605 - Forks: 200

cbfinn/gps
Guided Policy Search
Language: Python - Size: 39.8 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 599 - Forks: 241

MishaLaskin/curl
CURL: Contrastive Unsupervised Representation Learning for Sample-Efficient Reinforcement Learning
Language: Python - Size: 2.16 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 590 - Forks: 89

qiwihui/reinforcement-learning-an-introduction-chinese
《Reinforcement Learning: An Introduction》(第二版)中文翻译
Language: Python - Size: 14.4 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 540 - Forks: 103

Omegastick/pytorch-cpp-rl 📦
PyTorch C++ Reinforcement Learning
Language: C++ - Size: 540 KB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 523 - Forks: 88

opendilab/awesome-exploration-rl
A curated list of awesome exploration RL resources (continually updated)
Size: 2.51 MB - Last synced at: 3 days ago - Pushed at: 9 days ago - Stars: 513 - Forks: 15

EricSteinberger/PokerRL
Framework for Multi-Agent Deep Reinforcement Learning in Poker
Language: Python - Size: 301 KB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 474 - Forks: 99

fangvv/UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Language: Python - Size: 17.6 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 473 - Forks: 80

SforAiDl/genrl
A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL
Language: Python - Size: 7.69 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 410 - Forks: 57

PKU-Alignment/Safe-Policy-Optimization
NeurIPS 2023: Safe Policy Optimization: A benchmark repository for safe reinforcement learning algorithms
Language: Python - Size: 286 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 362 - Forks: 52

wwxFromTju/awesome-reinforcement-learning-lib
GitHub's code repository is all you need
Size: 132 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 350 - Forks: 42

EdanToledo/Stoix
🏛️A research-friendly codebase for fast experimentation of single-agent reinforcement learning in JAX • End-to-End JAX RL
Language: Python - Size: 14.6 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 340 - Forks: 37

FortsAndMills/RL-Theory-book
Reinforcement learning theory book about foundations of deep RL algorithms with proofs.
Language: TeX - Size: 80.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 320 - Forks: 20

nikhilbarhate99/Hierarchical-Actor-Critic-HAC-PyTorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Language: Python - Size: 1010 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 316 - Forks: 55

david-abel/simple_rl
A simple framework for experimenting with Reinforcement Learning in Python.
Language: Python - Size: 3.92 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 311 - Forks: 103

huawei-noah/xingtian
xingtian is a componentized library for the development and verification of reinforcement learning algorithms
Language: Python - Size: 7.05 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 311 - Forks: 90

jxareas/Machine-Learning-Notebooks
The full collection of Jupyter Notebook labs from Andrew Ng's Machine Learning Specialization.
Language: Jupyter Notebook - Size: 26.4 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 300 - Forks: 111

opendilab/DI-engine-docs
DI-engine docs (Chinese and English)
Language: Python - Size: 178 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 299 - Forks: 64

sichkar-valentyn/Reinforcement_Learning_in_Python
Implementing Reinforcement Learning, namely Q-learning and Sarsa algorithms, for global path planning of mobile robot in unknown environment with obstacles. Comparison analysis of Q-learning and Sarsa
Language: Python - Size: 23.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 294 - Forks: 97

imagry/aleph_star
Reinforcement learning with A* and a deep heuristic
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 287 - Forks: 34

bentrevett/pytorch-rl 📦
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

RITCHIEHuang/DeepRL_Algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Language: Python - Size: 8.22 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 276 - Forks: 71

BY571/Soft-Actor-Critic-and-Extensions
PyTorch implementation of Soft-Actor-Critic and Prioritized Experience Replay (PER) + Emphasizing Recent Experience (ERE) + Munchausen RL + D2RL and parallel Environments.
Language: Python - Size: 5.99 MB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 272 - Forks: 32

aurimas13/Machine-Learning-Goodness
The Machine Learning project including ML/DL projects, notebooks, cheat codes of ML/DL, useful information on AI/AGI and codes or snippets/scripts/tasks with tips.
Language: Jupyter Notebook - Size: 344 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 270 - Forks: 48

asieradzk/RL_Matrix
Deep Reinforcement Learning in C#
Language: C# - Size: 46.2 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 252 - Forks: 21

ZYunfeii/UAV_Obstacle_Avoiding_DRL
This is a project about deep reinforcement learning autonomous obstacle avoidance algorithm for UAV.
Language: Python - Size: 83.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 242 - Forks: 46

EricSteinberger/Deep-CFR
Scalable Implementation of Deep CFR and Single Deep CFR
Language: Python - Size: 69.9 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 240 - Forks: 56

ChanchalKumarMaji/Reinforcement-Learning-Specialization
[Coursera] Reinforcement Learning Specialization by "University of Alberta" & "Alberta Machine Intelligence Institute"
Language: Jupyter Notebook - Size: 233 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 235 - Forks: 131

aditya1702/Machine-Learning-and-Data-Science
This is a repository which contains all my work related Machine Learning, AI and Data Science. This includes my graduate projects, machine learning competition codes, algorithm implementations and reading material.
Language: Jupyter Notebook - Size: 502 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 226 - Forks: 69

binary-husky/hmp2g
Multiagent Reinforcement Learning Research Project
Language: Python - Size: 141 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 205 - Forks: 37

Madhu009/Deep-math-machine-learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Language: Jupyter Notebook - Size: 44.5 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 195 - Forks: 174

mohamedameen93/CS-7641-Machine-Learning-Notes
In this repository, I will publish my notes for GaTech's Machine Learning course CS7641.
Size: 19.1 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 190 - Forks: 84

alison-carrera/onn
Online Deep Learning: Learning Deep Neural Networks on the Fly / Non-linear Contextual Bandit Algorithm (ONN_THS)
Language: Python - Size: 66.4 KB - Last synced at: 19 days ago - Pushed at: over 5 years ago - Stars: 187 - Forks: 46

Nasdin/ReinforcementLearning-AtariGame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Language: Python - Size: 113 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 182 - Forks: 38

coax-dev/coax
Modular framework for Reinforcement Learning in python
Language: Python - Size: 17.6 MB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 173 - Forks: 18

rlberry-py/rlberry
An easy-to-use reinforcement learning library for research and education.
Language: Python - Size: 18.6 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 168 - Forks: 30

kkuette/TradzQAI
Trading environnement for RL agents, backtesting and training.
Language: Python - Size: 508 KB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 165 - Forks: 47

gordicaleksa/pytorch-learn-reinforcement-learning
A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.
Language: Python - Size: 13.1 MB - Last synced at: 8 days ago - Pushed at: about 4 years ago - Stars: 154 - Forks: 34

NovemberChopin/RL_Tutorial
Tutorial for Reinforcement Learning
Language: Python - Size: 733 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 140 - Forks: 34

xiangwang1223/kgpolicy
Reinforced Negative Sampling over Knowledge Graph for Recommendation, WWW2020
Language: Python - Size: 92.8 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 136 - Forks: 37

alison-carrera/mabalgs
:bust_in_silhouette: Multi-Armed Bandit Algorithms Library (MAB) :cop:
Language: Python - Size: 2.1 MB - Last synced at: 16 days ago - Pushed at: almost 3 years ago - Stars: 133 - Forks: 26

diegoalejogm/Reinforcement-Learning
Implementation of Reinforcement Learning algorithms in Python, based on Sutton's & Barto's Book (Ed. 2)
Language: Jupyter Notebook - Size: 682 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 132 - Forks: 39

BY571/DQN-Atari-Agents
DQN-Atari-Agents: Modularized & Parallel PyTorch implementation of several DQN Agents, i.a. DDQN, Dueling DQN, Noisy DQN, C51, Rainbow, and DRQN
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 123 - Forks: 14

nsidn98/InforMARL
Code for our paper: Scalable Multi-Agent Reinforcement Learning through Intelligent Information Aggregation
Language: Python - Size: 18.5 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 115 - Forks: 22

jcwleo/Reinforcement_Learning
강화학습에 대한 기본적인 알고리즘 구현
Language: Python - Size: 5.56 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 115 - Forks: 32

cap-ntu/baconian-project
Model-based Reinforcement Learning Framework
Language: Python - Size: 2.25 MB - Last synced at: 18 days ago - Pushed at: about 5 years ago - Stars: 114 - Forks: 8

TensorSwarm/TensorSwarm
TensorSwarm: A framework for reinforcement learning of robot swarms.
Language: Python - Size: 95.7 KB - Last synced at: 23 days ago - Pushed at: over 5 years ago - Stars: 114 - Forks: 34

activatedgeek/torchrl
Highly Modular and Scalable Reinforcement Learning
Language: Python - Size: 324 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 113 - Forks: 9

namoshizun/PyPOMDP
Python implementation of POMDP framework and PBVI & POMCP algorithms.
Language: Python - Size: 1.81 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 110 - Forks: 27

Ceruleanacg/Reinforcement-Learning
🤖 Implements of Reinforcement Learning algorithms.
Language: Python - Size: 60.5 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 110 - Forks: 16

Wu-Zongyu/Awesome-Large-Search-Models
Awesome-Large-Search-Models is a collection of papers and resources (Methods, Datasets and other resources) about awesome agentic search (Large search models).
Size: 89.8 KB - Last synced at: 4 days ago - Pushed at: 17 days ago - Stars: 108 - Forks: 4

leehe228/LogisticsEnv
UAV Logistics Environment for Multi-Agent Reinforcement Learning / Unity ML-Agents / Unity 3D
Language: C# - Size: 1.31 GB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 99 - Forks: 13

BY571/CQL
PyTorch implementation of the Offline Reinforcement Learning algorithm CQL. Includes the versions DQN-CQL and SAC-CQL for discrete and continuous action spaces.
Language: Python - Size: 28.6 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 99 - Forks: 20

navneet-nmk/Pytorch-RL-CPP
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Language: C++ - Size: 15.5 MB - Last synced at: 9 months ago - Pushed at: almost 6 years ago - Stars: 91 - Forks: 18

Grid2op/l2rpn-baselines
L2RPN Baselines a repository to host baselines for l2rpn competitions.
Language: Python - Size: 83 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 83 - Forks: 44

abhisheksuran/Reinforcement_Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Language: Jupyter Notebook - Size: 354 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 83 - Forks: 34

XinJingHao/TD3-BipedalWalkerHardcore-v2
Solve BipedalWalkerHardcore-v2 with TD3
Language: Python - Size: 15.3 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 82 - Forks: 17

arnomoonens/yarll
Combining deep learning and reinforcement learning.
Language: Python - Size: 2.83 MB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 81 - Forks: 28

yaricom/goNEAT
The GOLang implementation of NeuroEvolution of Augmented Topologies (NEAT) method to evolve and train Artificial Neural Networks without error back propagation
Language: Go - Size: 3.54 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 77 - Forks: 18

ContinualAI/avalanche-rl
Avalanche fork adding RL support
Language: Python - Size: 7.81 MB - Last synced at: 26 days ago - Pushed at: about 2 years ago - Stars: 77 - Forks: 12

BY571/Upside-Down-Reinforcement-Learning
Upside-Down Reinforcement Learning (⅂ꓤ) implementation in PyTorch. Based on the paper published by Jürgen Schmidhuber.
Language: Jupyter Notebook - Size: 2.64 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 75 - Forks: 10

nikhilbarhate99/Actor-Critic-PyTorch
Policy Gradient Actor-Critic PyTorch | Lunar Lander v2
Language: Python - Size: 2.1 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 73 - Forks: 26

BY571/IQN-and-Extensions
PyTorch Implementation of Implicit Quantile Networks (IQN) for Distributional Reinforcement Learning with additional extensions like PER, Noisy layer, N-step bootstrapping, Dueling architecture and parallel env support.
Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 70 - Forks: 14

datascienceid/reinforcement-learning-resources
A curated list of awesome reinforcement courses, video lectures, books, library and many more.
Size: 3.91 KB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 70 - Forks: 39

BY571/Deep-Reinforcement-Learning-Algorithm-Collection
Collection of Deep Reinforcement Learning Algorithms implemented in PyTorch.
Language: Jupyter Notebook - Size: 25.2 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 68 - Forks: 14

dvalenciar/ReinforceUI-Studio
ReinforceUI-Studio. A Python-based application designed to simplify the configuration and monitoring of RL training processes. Supporting MuJoCo, OpenAI Gymnasium, and DeepMind Control Suite. Algorithms included: CTD4, DDPG, DQN, PPO, SAC, TD3, TQC
Language: Python - Size: 21.2 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 65 - Forks: 3

agentmodels/agentmodels.org
Modeling agents with probabilistic programs
Language: TeX - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 65 - Forks: 17

ChengshuLi/HRL4IN
Code for CoRL 2019 paper: HRL4IN: Hierarchical Reinforcement Learning for Interactive Navigation with Mobile Manipulators
Language: Python - Size: 83 KB - Last synced at: 12 days ago - Pushed at: almost 4 years ago - Stars: 63 - Forks: 13

garlicdevs/Fruit-API
A Universal Deep Reinforcement Learning Framework
Language: Python - Size: 7.45 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 62 - Forks: 22

bakanaouji/cpp-cfr
C++ implementations of Counterfactual Regret Minimization and Monte Carlo CFR
Language: C++ - Size: 109 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 62 - Forks: 8

diditforlulz273/PokerRL-Omaha
Omaha Poker functionality+some features for PokerRL Reinforcement Learning card framwork
Language: Python - Size: 122 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 62 - Forks: 17

mynkpl1998/Recurrent-Deep-Q-Learning
Solving POMDP using Recurrent networks
Language: Jupyter Notebook - Size: 46.1 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 62 - Forks: 26

rllab-snu/tsallis_actor_critic_mujoco
Implementation of Tsallis Actor Critic method
Language: Jupyter Notebook - Size: 810 KB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 61 - Forks: 9

TianhongDai/self-imitation-learning-pytorch
This is the pytorch implementation of ICML 2018 paper - Self-Imitation Learning.
Language: Python - Size: 3.48 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 61 - Forks: 11

ugurkanates/SpaceXReinforcementLearning
SpaceX Falcon 9 simulated with Reinforcement Learning algorithms such as D4PG,SAC and PPO.
Language: Python - Size: 9.97 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 60 - Forks: 7

EricSteinberger/Neural-Fictitous-Self-Play
Scalable Implementation of Neural Fictitous Self-Play
Language: Python - Size: 101 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 60 - Forks: 14

mit-wu-lab/IntersectionZoo
IntersectionZoo: Eco-driving for Benchmarking Multi-Agent Contextual Reinforcement Learning
Language: Jupyter Notebook - Size: 18.7 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 58 - Forks: 4

TheMTank/RL-code-resources
A collection of Reinforcement Learning GitHub code resources divided by frameworks and environments
Size: 22.6 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 58 - Forks: 8

IBM/vsrl-framework 📦
The Verifiably Safe Reinforcement Learning Framework
Language: Python - Size: 1.92 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 57 - Forks: 12

ikostrikov/pytorch-rl
Size: 1.95 KB - Last synced at: 23 days ago - Pushed at: almost 7 years ago - Stars: 56 - Forks: 10

rpatrik96/pytorch-a2c
A well-documented A2C written in PyTorch
Language: Python - Size: 8.79 KB - Last synced at: 21 days ago - Pushed at: about 6 years ago - Stars: 50 - Forks: 10

Scitator/papers
Size: 14.8 MB - Last synced at: 9 days ago - Pushed at: about 7 years ago - Stars: 50 - Forks: 2

SapanaChaudhary/PyTorch-CPO
PyTorch implementation of Constrained Policy Optimization
Language: Python - Size: 8.91 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 49 - Forks: 10

TianhongDai/distributed-ppo
This is an pytorch implementation of Distributed Proximal Policy Optimization(DPPO).
Language: Python - Size: 3.83 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 48 - Forks: 8

baskuit/R-NaD
Experimentation with Regularized Nash Dynamics on a GPU accelerated game
Language: Python - Size: 861 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 5
