All Projects → Deeprl Tensorflow2 → Similar Projects or Alternatives

812 Open source projects that are alternatives of or similar to Deeprl Tensorflow2

Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+542.95%)
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 (-30.41%)
Mutual labels:  deep-reinforcement-learning, dqn, a3c, ddpg, trpo, ppo
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+841.69%)
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+2078.06%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+38.56%)
Pytorch Rl
Deep Reinforcement Learning with pytorch & visdom
Stars: ✭ 745 (+133.54%)
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 (-45.77%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg, trpo
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+183.39%)
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (-26.96%)
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 (+33.54%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg, trpo
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-71.79%)
Mutual labels:  reinforcement-learning, 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 (+321.63%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, a3c, trpo
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-54.55%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+80.25%)
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+33.23%)
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+1157.68%)
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+100.63%)
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (-14.73%)
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+23.82%)
Mutual labels:  reinforcement-learning, dqn, a3c, 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 (+106.27%)
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 (-47.65%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-74.29%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-73.98%)
Mutual labels:  reinforcement-learning, ppo, ddpg, trpo
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (-78.06%)
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-87.77%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, ppo
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-67.4%)
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 (-95.3%)
Mutual labels:  deep-reinforcement-learning, dqn, a3c, ppo
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (-42.32%)
Mutual labels:  reinforcement-learning, dqn, a3c, ddpg
Tensorflow Rl
Implementations of deep RL papers and random experimentation
Stars: ✭ 176 (-44.83%)
Mutual labels:  reinforcement-learning, dqn, a3c, trpo
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+1188.09%)
Mutual labels:  dqn, ppo, ddpg, trpo
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-62.7%)
Mutual labels:  reinforcement-learning, dqn, ppo, trpo
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+797.49%)
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+727.59%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+14.11%)
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 (-69.59%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, trpo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+23.51%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+943.57%)
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 (+38.56%)
Rl a3c pytorch
A3C LSTM Atari with Pytorch plus A3G design
Stars: ✭ 482 (+51.1%)
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (-91.22%)
Mutual labels:  dqn, a3c, ddpg
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+134.48%)
Btgym
Scalable, event-driven, deep-learning-friendly backtesting library
Stars: ✭ 765 (+139.81%)
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (-69.28%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-15.99%)
Pytorch A3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Stars: ✭ 879 (+175.55%)
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (-89.97%)
Mutual labels:  deep-reinforcement-learning, a3c, ddpg
Deep Q Learning
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Stars: ✭ 1,013 (+217.55%)
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-85.89%)
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Stars: ✭ 6,796 (+2030.41%)
Mutual labels:  reinforcement-learning, dqn, a3c
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-95.61%)
Mutual labels:  deep-reinforcement-learning, ddpg, ppo
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (-1.88%)
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-83.07%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (-68.03%)
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+550.16%)
Mutual labels:  dqn, ddpg, ppo
Pytorch Trpo
PyTorch implementation of Trust Region Policy Optimization
Stars: ✭ 303 (-5.02%)
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (-69.28%)
Mutual labels:  reinforcement-learning, dqn, ddpg
SRLF
Simple Reinforcement Learning Framework
Stars: ✭ 24 (-92.48%)
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-91.85%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-85.58%)
Mutual labels:  dqn, ddpg, ppo
1-60 of 812 similar projects