PGPortfolio: Policy Gradient Portfolio, the source code of "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem"(https://arxiv.org/pdf/1706.10059.pdf).
Support
Quality
Security
License
Reuse
R
Jupyter Notebook 
1585
Version:Current
License: Permissive (MIT)
Solutions of Reinforcement Learning, An Introduction
Support
Quality
Security
License
Reuse
Minimalistic gridworld package for OpenAI Gym
Support
Quality
Security
License
Reuse
Collection of reinforcement learning algorithms
Support
Quality
Security
License
Reuse
Code for the paper "Evolution Strategies as a Scalable Alternative to Reinforcement Learning"
Support
Quality
Security
License
Reuse
Artificial intelligence for the Snake game.
Support
Quality
Security
License
Reuse
Python Multi-Agent Reinforcement Learning framework
Support
Quality
Security
License
Reuse
Code for the paper "Neural MMO: A Massively Multiagent Game Environment for Training and Evaluating Intelligent Agents"
Support
Quality
Security
License
Reuse
Environment generation code for the paper "Emergent Tool Use From Multi-Agent Autocurricula"
Support
Quality
Security
License
Reuse
Rainbow: Combining Improvements in Deep Reinforcement Learning
Support
Quality
Security
License
Reuse
e
end-to-end-negotiatorby facebookresearch
Python 
1364
Version:Current
License: Proprietary (Proprietary)
Deal or No Deal? End-to-End Learning for Negotiation Dialogues
Support
Quality
Security
License
Reuse
Author's PyTorch implementation of TD3 for OpenAI gym tasks
Support
Quality
Security
License
Reuse
[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
Support
Quality
Security
License
Reuse
A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
Support
Quality
Security
License
Reuse
李宏毅《深度强化学习》笔记,在线阅读地址:https://datawhalechina.github.io/leedeeprl-notes/
Support
Quality
Security
License
Reuse
Code for the MADDPG algorithm from the paper "Multi-Agent Actor-Critic for Mixed Cooperative-Competitive Environments"
Support
Quality
Security
License
Reuse
For deep RL and the future of AI.
Support
Quality
Security
License
Reuse
Reinforcement Learning Agents in Javascript (Dynamic Programming, Temporal Difference, Deep Q-Learning, Stochastic/Deterministic Policy Gradients)
Support
Quality
Security
License
Reuse
Minimalistic gridworld package for OpenAI Gym
Support
Quality
Security
License
Reuse
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Support
Quality
Security
License
Reuse
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
Support
Quality
Security
License
Reuse
An LLM-powered autonomous agent platform
Support
Quality
Security
License
Reuse
Some basic examples of playing with RL
Support
Quality
Security
License
Reuse
A list of StableDiffusion styles and some notes for offline use. Pure HTML, CSS and a bit of JS.
Support
Quality
Security
License
Reuse
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Support
Quality
Security
License
Reuse
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Support
Quality
Security
License
Reuse
A collection of 100+ pre-trained RL agents using Stable Baselines, training and hyperparameter optimization included.
Support
Quality
Security
License
Reuse
TextWorld is a sandbox learning environment for the training and evaluation of reinforcement learning (RL) agents on text-based games.
Support
Quality
Security
License
Reuse
PFRL: a PyTorch-based deep reinforcement learning library
Support
Quality
Security
License
Reuse
R
Reinforcement-Learning-Notebooksby Pulkit-Khandelwal
Jupyter Notebook 
1037
Version:Current
License: No License (No License)
A collection of Reinforcement Learning algorithms from Sutton and Barto's book and other research papers implemented in Python.
Support
Quality
Security
License
Reuse
Softlearning is a reinforcement learning framework for training maximum entropy policies in continuous domains. Includes the official implementation of the Soft Actor-Critic algorithm.
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
Foundation is a flexible, modular, and composable framework to model socio-economic behaviors and dynamics with both agents and governments. This framework can be used in conjunction with reinforcement learning to learn optimal economic policies, as done by the AI Economist (https://www.einstein.ai/the-ai-economist).
Support
Quality
Security
License
Reuse
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Support
Quality
Security
License
Reuse
b
basic_reinforcement_learningby vmayoral
Jupyter Notebook 
969
Version:Current
License: Strong Copyleft (GPL-3.0)
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Support
Quality
Security
License
Reuse
Efficient Batched Reinforcement Learning in TensorFlow
Support
Quality
Security
License
Reuse
Python driven environment for Live Coding
Support
Quality
Security
License
Reuse
Isaac Gym Reinforcement Learning Environments
Support
Quality
Security
License
Reuse
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Support
Quality
Security
License
Reuse
Implement AlphaZero/AlphaGo Zero methods on Chinese chess.
Support
Quality
Security
License
Reuse
OpenAI Gym environments for an open-source quadruped robot (SpotMicro)
Support
Quality
Security
License
Reuse
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch. 🔥
Support
Quality
Security
License
Reuse
Evolution Strategies Tool
Support
Quality
Security
License
Reuse
Procgen Benchmark: Procedurally-Generated Game-Like Gym-Environments
Support
Quality
Security
License
Reuse
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Support
Quality
Security
License
Reuse
Flappy Bird hack using Reinforcement Learning
Support
Quality
Security
License
Reuse
A demo of an GPT-based agent existing in an RPG-like environment
Support
Quality
Security
License
Reuse
PyGame Learning Environment (PLE) -- Reinforcement Learning Environment in Python.
Support
Quality
Security
License
Reuse
The NetHack Learning Environment
Support
Quality
Security
License
Reuse
An open source robotics benchmark for meta- and multi-task reinforcement learning
Support
Quality
Security
License
Reuse
P
PGPortfolioby ZhengyaoJiang
PGPortfolio: Policy Gradient Portfolio, the source code of "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem"(https://arxiv.org/pdf/1706.10059.pdf).
Python
1588
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
R
Reinforcement-Learning-2nd-Edition-by-Sutton-Exercise-Solutionsby LyWangPX
Solutions of Reinforcement Learning, An Introduction
Jupyter Notebook
1585
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
g
gym-minigridby Farama-Foundation
Minimalistic gridworld package for OpenAI Gym
Python
1563
Updated: 3 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
r
rlkitby vitchyr
Collection of reinforcement learning algorithms
Python
1560
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
e
evolution-strategies-starterby openai
Code for the paper "Evolution Strategies as a Scalable Alternative to Reinforcement Learning"
Python
1505
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
snakeby chuyangliu
Artificial intelligence for the Snake game.
Python
1495
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
p
pymarlby oxwhirl
Python Multi-Agent Reinforcement Learning framework
Python
1471
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
n
neural-mmoby openai
Code for the paper "Neural MMO: A Massively Multiagent Game Environment for Training and Evaluating Intelligent Agents"
Python
1458
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
multi-agent-emergence-environmentsby openai
Environment generation code for the paper "Emergent Tool Use From Multi-Agent Autocurricula"
Python
1454
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
R
Rainbowby Kaixhin
Rainbow: Combining Improvements in Deep Reinforcement Learning
Python
1409
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
e
end-to-end-negotiatorby facebookresearch
Deal or No Deal? End-to-End Learning for Negotiation Dialogues
Python
1364
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
T
TD3by sfujim
Author's PyTorch implementation of TD3 for OpenAI gym tasks
Python
1355
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
noreward-rlby pathak22
[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
Python
1354
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
r
rl-baselines3-zooby DLR-RM
A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
Python
1326
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
l
leedeeprl-notesby datawhalechina
李宏毅《深度强化学习》笔记,在线阅读地址:https://datawhalechina.github.io/leedeeprl-notes/
Python
1323
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
m
maddpgby openai
Code for the MADDPG algorithm from the paper "Multi-Agent Actor-Critic for Mixed Cooperative-Competitive Environments"
Python
1275
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
awesome-deep-rlby tigerneil
For deep RL and the future of AI.
HTML
1272
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
reinforcejsby karpathy
Reinforcement Learning Agents in Javascript (Dynamic Programming, Temporal Difference, Deep Q-Learning, Stochastic/Deterministic Policy Gradients)
HTML
1249
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
g
gym-minigridby maximecb
Minimalistic gridworld package for OpenAI Gym
Python
1164
Updated: 4 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
S
SLM-Labby kengz
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Python
1145
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
h
habitat-labby facebookresearch
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
Python
1108
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
ai-legionby eumemic
An LLM-powered autonomous agent platform
TypeScript
1096
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
R
RLexampleby ucla-rlcourse
Some basic examples of playing with RL
Python
1086
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
S
StableDiffusion-CheatSheetby SupaGruen
A list of StableDiffusion styles and some notes for offline use. Pure HTML, CSS and a bit of JS.
HTML
1085
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pytorch-a3cby ikostrikov
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Python
1076
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
P
PPO-PyTorchby nikhilbarhate99
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Python
1067
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
rl-baselines-zooby araffin
A collection of 100+ pre-trained RL agents using Stable Baselines, training and hyperparameter optimization included.
Python
1059
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
T
TextWorldby microsoft
TextWorld is a sandbox learning environment for the training and evaluation of reinforcement learning (RL) agents on text-based games.
Jupyter Notebook
1044
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
p
pfrlby pfnet
PFRL: a PyTorch-based deep reinforcement learning library
Python
1037
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
R
Reinforcement-Learning-Notebooksby Pulkit-Khandelwal
A collection of Reinforcement Learning algorithms from Sutton and Barto's book and other research papers implemented in Python.
Jupyter Notebook
1037
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
s
softlearningby rail-berkeley
Softlearning is a reinforcement learning framework for training maximum entropy policies in continuous domains. Includes the official implementation of the Soft Actor-Critic algorithm.
Python
1035
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
r
rlaxby deepmind
Python
1025
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
a
ai-economistby salesforce
Foundation is a flexible, modular, and composable framework to model socio-economic behaviors and dynamics with both agents and governments. This framework can be used in conjunction with reinforcement learning to learn optimal economic policies, as done by the AI Economist (https://www.einstein.ai/the-ai-economist).
Python
1001
Updated: 2 y ago
License: Permissive (BSD-3-Clause)
Support
Quality
Security
License
Reuse
D
DeepRL-Tutorialsby qfettes
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Jupyter Notebook
978
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
b
basic_reinforcement_learningby vmayoral
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Jupyter Notebook
969
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
b
batch-ppoby google-research
Efficient Batched Reinforcement Learning in TensorFlow
Python
949
Updated: 4 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
F
FoxDotby Qirky
Python driven environment for Live Coding
Python
935
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
I
IsaacGymEnvsby NVIDIA-Omniverse
Isaac Gym Reinforcement Learning Environments
Python
919
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
P
PyTorch-RLby Khrylx
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Python
911
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
ChineseChess-AlphaZeroby NeymarL
Implement AlphaZero/AlphaGo Zero methods on Chinese chess.
Python
909
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
r
rex-gymby nicrusso7
OpenAI Gym environments for an open-source quadruped robot (SpotMicro)
Python
908
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
E
ElegantRLby AI4Finance-LLC
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch. 🔥
Python
906
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
e
estoolby hardmaru
Evolution Strategies Tool
Jupyter Notebook
893
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
p
procgenby openai
Procgen Benchmark: Procedurally-Generated Game-Like Gym-Environments
C++
890
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
S
Super-mario-bros-PPO-pytorchby uvipen
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Python
889
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
F
FlappyBirdRLby SarvagyaVaish
Flappy Bird hack using Reinforcement Learning
JavaScript
877
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
g
gptrpgby dzoba
A demo of an GPT-based agent existing in an RPG-like environment
JavaScript
853
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
P
PyGame-Learning-Environmentby ntasfi
PyGame Learning Environment (PLE) -- Reinforcement Learning Environment in Python.
Python
841
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
nleby facebookresearch
The NetHack Learning Environment
C
839
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
M
MetaWorldby Farama-Foundation
An open source robotics benchmark for meta- and multi-task reinforcement learning
Python
822
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse