All Projects → Tianshou → Similar Projects or Alternatives

741 Open source projects that are alternatives of or similar to Tianshou

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 (-94.6%)
Mutual labels:  dqn, policy-gradient, ddpg, sac, double-dqn, trpo, ppo, a2c, td3
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (-97.25%)
Mutual labels:  dqn, policy-gradient, ddpg, sac, double-dqn, td3
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-98.88%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-99.05%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (-49.53%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
mujoco-benchmark
Provide full reinforcement learning benchmark on mujoco environments, including ddpg, sac, td3, pg, a2c, ppo, library
Stars: ✭ 101 (-97.54%)
Mutual labels:  rl, ddpg, sac, drl, mujoco, ppo
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (-35.75%)
Mutual labels:  dqn, ppo, ddpg, double-dqn, a2c, td3
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (-26.89%)
Mutual labels:  dqn, ppo, policy-gradient, imitation-learning, ddpg
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-97.81%)
Mutual labels:  dqn, ppo, ddpg, mujoco, trpo
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-99.37%)
Mutual labels:  dqn, policy-gradient, ddpg, a2c, td3
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 (-97.64%)
Mutual labels:  dqn, ppo, policy-gradient, mujoco, trpo
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (-89.24%)
Mutual labels:  dqn, ddpg, mujoco, rl, trpo
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+69.09%)
Mutual labels:  dqn, ppo, policy-gradient, ddpg, double-dqn
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-99.66%)
Mutual labels:  policy-gradient, ddpg, sac, ppo, td3
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (-50.09%)
Mutual labels:  dqn, ppo, ddpg, sac, a2c
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (-92.24%)
Mutual labels:  dqn, ppo, ddpg, trpo
rl implementations
No description or website provided.
Stars: ✭ 40 (-99.03%)
Mutual labels:  dqn, policy-gradient, ddpg, a2c
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 (-35.95%)
Mutual labels:  ppo, mujoco, atari, a2c
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (-91.14%)
Mutual labels:  ppo, policy-gradient, ddpg, mujoco
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (-96.11%)
Mutual labels:  dqn, ddpg, sac, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (-90.41%)
Mutual labels:  dqn, policy-gradient, ddpg, mujoco
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 (-89.63%)
Mutual labels:  dqn, ppo, ddpg, trpo
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (-97.74%)
Mutual labels:  policy-gradient, imitation-learning, ppo, a2c
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (-78%)
Mutual labels:  dqn, ppo, policy-gradient, benchmark
model-free-algorithms
TD3, SAC, IQN, Rainbow, PPO, Ape-X and etc. in TF1.x
Stars: ✭ 56 (-98.64%)
Mutual labels:  ddpg, sac, ppo, td3
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 (-95.79%)
Mutual labels:  dqn, ppo, ddpg, trpo
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (-67.27%)
Mutual labels:  dqn, ppo, policy-gradient, trpo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (-94.33%)
Mutual labels:  dqn, ppo, ddpg, rl
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-97.1%)
Mutual labels:  dqn, ppo, rl, trpo
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (-18.98%)
Mutual labels:  dqn, ppo, a2c
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-96.47%)
Mutual labels:  dqn, ppo, ddpg
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (-97.61%)
Mutual labels:  dqn, ddpg, drl
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (-2.36%)
Mutual labels:  dqn, ppo, ddpg
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (-89.66%)
Mutual labels:  dqn, ppo, ddpg
jax-rl
JAX implementations of core Deep RL algorithms
Stars: ✭ 61 (-98.52%)
Mutual labels:  sac, mujoco, td3
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (-90.39%)
Mutual labels:  dqn, policy-gradient, ddpg
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (-84.42%)
Mutual labels:  ppo, policy-gradient, trpo
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (-86.01%)
Mutual labels:  dqn, ppo, ddpg
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 (-83.99%)
Mutual labels:  ppo, policy-gradient, trpo
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-98.69%)
Mutual labels:  dqn, policy-gradient, ppo
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-97.98%)
Mutual labels:  ppo, ddpg, trpo
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (-98.52%)
Mutual labels:  policy-gradient, atari, ppo
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-98%)
Mutual labels:  dqn, ppo, policy-gradient
Coach
Reinforcement Learning Coach by Intel AI Lab enables easy experimentation with state of the art Reinforcement Learning algorithms
Stars: ✭ 2,085 (-49.26%)
Mutual labels:  imitation-learning, mujoco, rl
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 (-95.94%)
Mutual labels:  dqn, ppo, ddpg
proto
Proto-RL: Reinforcement Learning with Prototypical Representations
Stars: ✭ 67 (-98.37%)
Mutual labels:  rl, sac, mujoco
td-reg
TD-Regularized Actor-Critic Methods
Stars: ✭ 28 (-99.32%)
Mutual labels:  policy-gradient, trpo, ppo
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (-96.11%)
Mutual labels:  dqn, ppo, a2c
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 (-99.63%)
Mutual labels:  dqn, ppo, a2c
Pytorch Trpo
PyTorch implementation of Trust Region Policy Optimization
Stars: ✭ 303 (-92.63%)
Mutual labels:  mujoco, trpo
Reinforcement Learning Kr
[파이썬과 케라스로 배우는 강화학습] 예제
Stars: ✭ 282 (-93.14%)
Mutual labels:  dqn, policy-gradient
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (-92.38%)
Mutual labels:  policy-gradient, ddpg
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (-21.34%)
Mutual labels:  ppo, a2c
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (-95.52%)
Mutual labels:  dqn, ddpg
Irl Imitation
Implementation of Inverse Reinforcement Learning (IRL) algorithms in python/Tensorflow. Deep MaxEnt, MaxEnt, LPIRL
Stars: ✭ 333 (-91.9%)
Mutual labels:  imitation-learning, rl
Trpo
Trust Region Policy Optimization with TensorFlow and OpenAI Gym
Stars: ✭ 343 (-91.65%)
Mutual labels:  policy-gradient, mujoco
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (-93.38%)
Mutual labels:  dqn, ppo
Ppo Pytorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Stars: ✭ 325 (-92.09%)
Mutual labels:  ppo, policy-gradient
Rl algorithms
Structural implementation of RL key algorithms
Stars: ✭ 352 (-91.43%)
Mutual labels:  dqn, policy-gradient
Reinforcement learning tutorial with demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Stars: ✭ 442 (-89.24%)
1-60 of 741 similar projects