Structural implementation of RL key algorithms
Support
Quality
Security
License
Reuse
Code for reco-gym: A Reinforcement Learning Environment for the problem of Product Recommendation in Online Advertising
Support
Quality
Security
License
Reuse
IKEA Furniture Assembly Environment for Long-Horizon Complex Manipulation Tasks
Support
Quality
Security
License
Reuse
A collection of multi agent environments based on OpenAI gym.
Support
Quality
Security
License
Reuse
terrain-adaptive locomotion skills using deep reinforcement learning
Support
Quality
Security
License
Reuse
R
Reinforcement-Implementationby zhangchuheng123
Python 417 Version:Current License: No License (No License)
Implementation of benchmark RL algorithms
Support
Quality
Security
License
Reuse
JAX (Flax) implementation of algorithms for Deep Reinforcement Learning with continuous action spaces.
Support
Quality
Security
License
Reuse
PyTorch Agent Net: reinforcement learning toolkit for pytorch
Support
Quality
Security
License
Reuse
Reinforcement Learning for Portfolio Management
Support
Quality
Security
License
Reuse
Deep Q-learning for playing tetris game
Support
Quality
Security
License
Reuse
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Support
Quality
Security
License
Reuse
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Support
Quality
Security
License
Reuse
ns3-gym - The Playground for Reinforcement Learning in Networking Research
Support
Quality
Security
License
Reuse
R
Python 394 Version:Current License: Permissive (MIT)
In this paper, we implement three state-of-art continuous reinforcement learning algorithms, Deep Deterministic Policy Gradient (DDPG), Proximal Policy Optimization (PPO) and Policy Gradient (PG)in portfolio management.
Support
Quality
Security
License
Reuse
Reinforcement Learning with Deep Energy-Based Policies
Support
Quality
Security
License
Reuse
D
Deep-Reinforcement-Stock-Tradingby Albert-Z-Guo
Jupyter Notebook 389 Version:Current License: Strong Copyleft (GPL-3.0)
A light-weight deep reinforcement learning framework for portfolio management. This project explores the possibility of applying deep reinforcement learning algorithms to stock trading in a highly modular and scalable framework.
Support
Quality
Security
License
Reuse
Replicating "Asynchronous Methods for Deep Reinforcement Learning" (http://arxiv.org/abs/1602.01783)
Support
Quality
Security
License
Reuse
DRLib:A concise deep reinforcement learning library, integrating HER and PER for almost off policy RL algos.
Support
Quality
Security
License
Reuse
Implementation of Meta-RL A3C algorithm
Support
Quality
Security
License
Reuse
offline webapp bootloader
Support
Quality
Security
License
Reuse
Flappy Bird Bot using Reinforcement Learning
Support
Quality
Security
License
Reuse
Critic code review system.
Support
Quality
Security
License
Reuse
Experiment code for "Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models"
Support
Quality
Security
License
Reuse
Leverage hallucinations from Large Language Models (LLMs) for novelty-driven explorations.
Support
Quality
Security
License
Reuse
PyTorch implementation of Soft Actor-Critic (SAC)
Support
Quality
Security
License
Reuse
Q-learning for Keras
Support
Quality
Security
License
Reuse
A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL
Support
Quality
Security
License
Reuse
A parallel framework for population-based multi-agent reinforcement learning.
Support
Quality
Security
License
Reuse
Deep Reinforcement Learning for Online Computation Offloading in Wireless Powered Mobile-Edge Computing Networks
Support
Quality
Security
License
Reuse
Extremely Fast End-to-End Deep Multi-Agent Reinforcement Learning Framework on a GPU (JMLR 2022)
Support
Quality
Security
License
Reuse
An implementation of the Augmented Random Search algorithm
Support
Quality
Security
License
Reuse
PyBullet CartPole and Quadrotor environments—with CasADi symbolic a priori dynamics—for learning-based control and RL
Support
Quality
Security
License
Reuse
PyTorch implementations of Deep Reinforcement Learning algorithms (DQN, DDQN, A2C, VPG, TRPO, PPO, DDPG, TD3, SAC, SAC-AEA)
Support
Quality
Security
License
Reuse
Tonic RL library
Support
Quality
Security
License
Reuse
A collection of wrappers for Gymnasium and PettingZoo environments (being merged into gymnasium.wrappers and pettingzoo.wrappers
Support
Quality
Security
License
Reuse
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Support
Quality
Security
License
Reuse
A reinforcement learning environment for self-driving cars in the browser.
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
Trading Environment(OpenAI Gym) + DDQN (Keras-RL)
Support
Quality
Security
License
Reuse
Code for the paper "Quantifying Transfer in Reinforcement Learning"
Support
Quality
Security
License
Reuse
Unified Reinforcement Learning Framework
Support
Quality
Security
License
Reuse
[RSS 2019] End-to-End Robotic Reinforcement Learning without Reward Engineering
Support
Quality
Security
License
Reuse
RL Environments in JAX 🌍
Support
Quality
Security
License
Reuse
DQN Zoo is a collection of reference implementations of reinforcement learning agents developed at DeepMind based on the Deep Q-Network (DQN) agent.
Support
Quality
Security
License
Reuse
PyTorch implementation of DDPG algorithm for continuous action reinforcement learning problem.
Support
Quality
Security
License
Reuse
Trust Region Policy Optimization with TensorFlow and OpenAI Gym
Support
Quality
Security
License
Reuse
Spriteworld: a flexible, configurable python-based reinforcement learning environment
Support
Quality
Security
License
Reuse
Implementation of Inverse Reinforcement Learning (IRL) algorithms in python/Tensorflow. Deep MaxEnt, MaxEnt, LPIRL
Support
Quality
Security
License
Reuse
r
Python 340 Version:Current License: No License (No License)
《Reinforcement Learning: An Introduction》(第二版)中文翻译
Support
Quality
Security
License
Reuse
Policy Gradient algorithms (REINFORCE, NPG, TRPO, PPO)
Support
Quality
Security
License
Reuse
r
rl_algorithmsby medipixel
Structural implementation of RL key algorithms
Python 422Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
reco-gymby criteo-research
Code for reco-gym: A Reinforcement Learning Environment for the problem of Product Recommendation in Online Advertising
Jupyter Notebook 422Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
f
furnitureby clvrai
IKEA Furniture Assembly Environment for Long-Horizon Complex Manipulation Tasks
Python 421Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
ma-gymby koulanurag
A collection of multi agent environments based on OpenAI gym.
Python 420Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
D
DeepTerrainRLby xbpeng
terrain-adaptive locomotion skills using deep reinforcement learning
C++ 420Updated: 2 y ago License: Weak Copyleft (LGPL-3.0)
Support
Quality
Security
License
Reuse
R
Reinforcement-Implementationby zhangchuheng123
Implementation of benchmark RL algorithms
Python 417Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
j
jaxrlby ikostrikov
JAX (Flax) implementation of algorithms for Deep Reinforcement Learning with continuous action spaces.
Jupyter Notebook 416Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
ptanby Shmuma
PyTorch Agent Net: reinforcement learning toolkit for pytorch
Python 415Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
q
qtraderby filangelos
Reinforcement Learning for Portfolio Management
Jupyter Notebook 413Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
T
Tetris-deep-Q-learning-pytorchby uvipen
Deep Q-learning for playing tetris game
Python 411Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pytorch-DRLby ChenglongChen
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Python 402Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pytorch-rlby navneet-nmk
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Python 395Updated: 4 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
n
ns3-gymby tkn-tub
ns3-gym - The Playground for Reinforcement Learning in Networking Research
C++ 395Updated: 2 y ago License: Strong Copyleft (GPL-2.0)
Support
Quality
Security
License
Reuse
R
Reinforcement-learning-in-portfolio-management-by liangzp
In this paper, we implement three state-of-art continuous reinforcement learning algorithms, Deep Deterministic Policy Gradient (DDPG), Proximal Policy Optimization (PPO) and Policy Gradient (PG)in portfolio management.
Python 394Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
softqlearningby haarnoja
Reinforcement Learning with Deep Energy-Based Policies
Python 392Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
D
Deep-Reinforcement-Stock-Tradingby Albert-Z-Guo
A light-weight deep reinforcement learning framework for portfolio management. This project explores the possibility of applying deep reinforcement learning algorithms to stock trading in a highly modular and scalable framework.
Jupyter Notebook 389Updated: 2 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
a
async-rlby muupan
Replicating "Asynchronous Methods for Deep Reinforcement Learning" (http://arxiv.org/abs/1602.01783)
Python 387Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DRLibby kaixindelele
DRLib:A concise deep reinforcement learning library, integrating HER and PER for almost off policy RL algos.
Python 386Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
M
Meta-RLby awjuliani
Implementation of Meta-RL A3C algorithm
Jupyter Notebook 386Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
h
hyperbootby substack
offline webapp bootloader
JavaScript 385Updated: 4 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
f
flappybird-qlearning-botby chncyhn
Flappy Bird Bot using Reinforcement Learning
Python 383Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
c
criticby jensl
Critic code review system.
Python 382Updated: 4 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
h
handful-of-trialsby kchua
Experiment code for "Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models"
Python 381Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
dreamGPTby DivergentAI
Leverage hallucinations from Large Language Models (LLMs) for novelty-driven explorations.
Python 379Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pytorch_sacby denisyarats
PyTorch implementation of Soft Actor-Critic (SAC)
Jupyter Notebook 377Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
q
Support
Quality
Security
License
Reuse
g
genrlby SforAiDl
A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL
Python 376Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
malibby sjtu-marl
A parallel framework for population-based multi-agent reinforcement learning.
Python 376Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DROOby revenol
Deep Reinforcement Learning for Online Computation Offloading in Wireless Powered Mobile-Edge Computing Networks
Python 375Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
w
warp-driveby salesforce
Extremely Fast End-to-End Deep Multi-Agent Reinforcement Learning Framework on a GPU (JMLR 2022)
Python 373Updated: 2 y ago License: Permissive (BSD-3-Clause)
Support
Quality
Security
License
Reuse
A
ARSby modestyachts
An implementation of the Augmented Random Search algorithm
Python 370Updated: 4 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
s
safe-control-gymby utiasDSL
PyBullet CartPole and Quadrotor environments—with CasADi symbolic a priori dynamics—for learning-based control and RL
Python 370Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
deep_rlby dongminlee94
PyTorch implementations of Deep Reinforcement Learning algorithms (DQN, DDQN, A2C, VPG, TRPO, PPO, DDPG, TD3, SAC, SAC-AEA)
Python 369Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
Support
Quality
Security
License
Reuse
S
SuperSuitby Farama-Foundation
A collection of wrappers for Gymnasium and PettingZoo environments (being merged into gymnasium.wrappers and pettingzoo.wrappers
Python 367Updated: 2 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
l
lagomby zuoxingdong
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Jupyter Notebook 366Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
metacarby thibo73800
A reinforcement learning environment for self-driving cars in the browser.
TypeScript 365Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
g
gym_torcsby ugo-nama-kun
C++ 365Updated: 4 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
deep_rl_traderby miroblog
Trading Environment(OpenAI Gym) + DDQN (Keras-RL)
Python 361Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
c
coinrunby openai
Code for the paper "Quantifying Transfer in Reinforcement Learning"
C++ 359Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
o
openrlby OpenRL-Lab
Unified Reinforcement Learning Framework
Python 359Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
r
reward-learning-rlby avisingh599
[RSS 2019] End-to-End Robotic Reinforcement Learning without Reward Engineering
Python 358Updated: 2 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
g
gymnaxby RobertTLange
RL Environments in JAX 🌍
Python 351Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
d
dqn_zooby deepmind
DQN Zoo is a collection of reference implementations of reinforcement learning agents developed at DeepMind based on the Deep Q-Network (DQN) agent.
Python 350Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
P
PyTorch-ActorCriticRLby vy007vikas
PyTorch implementation of DDPG algorithm for continuous action reinforcement learning problem.
Python 346Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
t
trpoby pat-coady
Trust Region Policy Optimization with TensorFlow and OpenAI Gym
Jupyter Notebook 346Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
spriteworldby deepmind
Spriteworld: a flexible, configurable python-based reinforcement learning environment
Python 345Updated: 4 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
i
irl-imitationby yrlu
Implementation of Inverse Reinforcement Learning (IRL) algorithms in python/Tensorflow. Deep MaxEnt, MaxEnt, LPIRL
Python 345Updated: 4 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
r
reinforcement-learning-an-introduction-chineseby qiwihui
《Reinforcement Learning: An Introduction》(第二版)中文翻译
Python 340Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
p
pg_travelby reinforcement-learning-kr
Policy Gradient algorithms (REINFORCE, NPG, TRPO, PPO)
Python 340Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse