All Projects → Elegantrl → Similar Projects or Alternatives

1230 Open source projects that are alternatives of or similar to Elegantrl

ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+260.7%)
Mutual labels:  lightweight, efficient, stable, dqn, ddpg, ppo
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (-26.09%)
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (-59.48%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+422.43%)
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+597.74%)
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (-44.52%)
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+256.7%)
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-93.22%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, ppo
Deep Reinforcement Learning Algorithms
31 projects in the framework of Deep Reinforcement Learning algorithms: Q-learning, DQN, PPO, DDPG, TD3, SAC, A2C and others. Each project is provided with a detailed training log.
Stars: ✭ 167 (-70.96%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+1108.35%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (-69.91%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (-52.7%)
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-81.91%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+478.96%)
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-74.78%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Stars: ✭ 222 (-61.39%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, ppo
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+57.22%)
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+359.13%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-84.35%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (-31.48%)
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (-36.7%)
Reinforcement Learning Algorithms
This repository contains most of pytorch implementation based classic deep reinforcement learning algorithms, including - DQN, DDQN, Dueling Network, DDPG, SAC, A2C, PPO, TRPO. (More algorithms are still in progress)
Stars: ✭ 426 (-25.91%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (-23.13%)
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-92%)
Mutual labels:  dqn, ddpg, ppo
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-95.48%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (-72.17%)
Mutual labels:  dqn, ddpg, ppo
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+133.91%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (-72.17%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Deeprl algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Stars: ✭ 97 (-83.13%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Pytorch Rl
Deep Reinforcement Learning with pytorch & visdom
Stars: ✭ 745 (+29.57%)
Pytorch Rl
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Stars: ✭ 658 (+14.43%)
Deep-Reinforcement-Learning-Notebooks
This Repository contains a series of google colab notebooks which I created to help people dive into deep reinforcement learning.This notebooks contain both theory and implementation of different algorithms.
Stars: ✭ 15 (-97.39%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
rl implementations
No description or website provided.
Stars: ✭ 40 (-93.04%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+11.3%)
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+614.61%)
Mutual labels:  dqn, ppo, ddpg
Deep Q Learning
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Stars: ✭ 1,013 (+76.17%)
Deep Reinforcement Learning For Automated Stock Trading Ensemble Strategy Icaif 2020
Deep Reinforcement Learning for Automated Stock Trading: An Ensemble Strategy. ICAIF 2020. Please star.
Stars: ✭ 518 (-9.91%)
Mutual labels:  deep-reinforcement-learning, ppo, ddpg
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-92.17%)
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-53.39%)
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-85.57%)
Mutual labels:  reinforcement-learning, ppo, ddpg
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-85.74%)
Mutual labels:  reinforcement-learning, dqn, ppo
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+30.09%)
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (-87.83%)
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (-82.96%)
Mutual labels:  reinforcement-learning, dqn, ddpg
Pytorch A2c Ppo Acktr Gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
Stars: ✭ 2,632 (+357.74%)
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (-68%)
Mutual labels:  reinforcement-learning, dqn, ddpg
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (-45.57%)
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-79.3%)
Mutual labels:  reinforcement-learning, dqn, ppo
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (-60.35%)
Learning To Communicate Pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Stars: ✭ 236 (-58.96%)
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+397.91%)
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (-31.3%)
Mutual labels:  reinforcement-learning, dqn, ddpg
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (-82.26%)
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (-82.96%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-97.57%)
Mutual labels:  deep-reinforcement-learning, ddpg, ppo
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-90.61%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
wolpertinger ddpg
Wolpertinger Training with DDPG (Pytorch), Deep Reinforcement Learning in Large Discrete Action Spaces. Multi-GPU/Singer-GPU/CPU compatible.
Stars: ✭ 44 (-92.35%)
SRLF
Simple Reinforcement Learning Framework
Stars: ✭ 24 (-95.83%)
xingtian
xingtian is a componentized library for the development and verification of reinforcement learning algorithms
Stars: ✭ 229 (-60.17%)
Mutual labels:  dqn, ppo
1-60 of 1230 similar projects