All Projects → Reinforcement_Learning → Similar Projects or Alternatives

286 Open source projects that are alternatives of or similar to Reinforcement_Learning

Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+2104.92%)
Mutual labels:  policy-gradient, actor-critic, ppo
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-11.48%)
Mutual labels:  policy-gradient, actor-critic, ppo
Fruit-API
A Universal Deep Reinforcement Learning Framework
Stars: ✭ 61 (+0%)
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 (+4214.75%)
Mutual labels:  atari, actor-critic, ppo
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+11290.16%)
Mutual labels:  policy-gradient, actor-critic, ppo
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+6636.07%)
Mutual labels:  policy-gradient, atari, ppo
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 (+263.93%)
Mutual labels:  policy-gradient, actor-critic, ppo
Pytorch Rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Stars: ✭ 121 (+98.36%)
Mutual labels:  policy-gradient, actor-critic
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+5198.36%)
Mutual labels:  actor-critic, ppo
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 (+598.36%)
Mutual labels:  actor-critic, ppo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+281.97%)
Mutual labels:  actor-critic, ppo
Reinforcement Learning Kr
[파이썬과 케라스로 배우는 강화학습] 예제
Stars: ✭ 282 (+362.3%)
Mutual labels:  policy-gradient, actor-critic
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (+103.28%)
Mutual labels:  policy-gradient, actor-critic
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (+162.3%)
Mutual labels:  ppo, tensorflow2
Pytorch Cpp Rl
PyTorch C++ Reinforcement Learning
Stars: ✭ 353 (+478.69%)
Mutual labels:  actor-critic, ppo
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (+36.07%)
Mutual labels:  actor-critic, ppo
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 (+183.61%)
Mutual labels:  actor-critic, ppo
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+1126.23%)
Mutual labels:  actor-critic, ppo
connect4
Solving board games like Connect4 using Deep Reinforcement Learning
Stars: ✭ 33 (-45.9%)
xingtian
xingtian is a componentized library for the development and verification of reinforcement learning algorithms
Stars: ✭ 229 (+275.41%)
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (+85.25%)
Mutual labels:  policy-gradient, actor-critic
rl implementations
No description or website provided.
Stars: ✭ 40 (-34.43%)
Mutual labels:  policy-gradient, actor-critic
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 (+624.59%)
Mutual labels:  policy-gradient, actor-critic
Tensorflow Reinforce
Implementations of Reinforcement Learning Models in Tensorflow
Stars: ✭ 480 (+686.89%)
Mutual labels:  policy-gradient, actor-critic
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-77.05%)
Mutual labels:  policy-gradient, ppo
Rlseq2seq
Deep Reinforcement Learning For Sequence to Sequence Models
Stars: ✭ 683 (+1019.67%)
Mutual labels:  policy-gradient, actor-critic
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+949.18%)
Mutual labels:  policy-gradient, ppo
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+1381.97%)
Mutual labels:  policy-gradient, ppo
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (+34.43%)
Mutual labels:  policy-gradient, ppo
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 (+978.69%)
Mutual labels:  policy-gradient, ppo
Pytorch-RL-CPP
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Stars: ✭ 73 (+19.67%)
A2c
A Clearer and Simpler Synchronous Advantage Actor Critic (A2C) Implementation in TensorFlow
Stars: ✭ 169 (+177.05%)
Mutual labels:  policy-gradient, actor-critic
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (+413.11%)
Mutual labels:  policy-gradient, actor-critic
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+4824.59%)
Mutual labels:  policy-gradient, ppo
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+4593.44%)
Mutual labels:  policy-gradient, actor-critic
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (+52.46%)
Mutual labels:  policy-gradient, ppo
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (+14.75%)
Mutual labels:  actor-critic, ppo
Mario rl
Stars: ✭ 60 (-1.64%)
Mutual labels:  actor-critic, ppo
td-reg
TD-Regularized Actor-Critic Methods
Stars: ✭ 28 (-54.1%)
Mutual labels:  policy-gradient, ppo
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+6477.05%)
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-57.38%)
Ppo Pytorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Stars: ✭ 325 (+432.79%)
Mutual labels:  policy-gradient, ppo
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+496.72%)
Mutual labels:  policy-gradient, ppo
ADL2019
Applied Deep Learning (2019 Spring) @ NTU
Stars: ✭ 20 (-67.21%)
Mutual labels:  policy-gradient, actor-critic
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 (+59.02%)
Mutual labels:  policy-gradient, ppo
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (+37.7%)
Master-Thesis
Deep Reinforcement Learning in Autonomous Driving: the A3C algorithm used to make a car learn to drive in TORCS; Python 3.5, Tensorflow, tensorboard, numpy, gym-torcs, ubuntu, latex
Stars: ✭ 33 (-45.9%)
ml-ai
ML-AI Community | Open Source | Built in Bharat for the World | Data science problem statements and solutions
Stars: ✭ 32 (-47.54%)
spectral normalization-tf2
🌈 Spectral Normalization implemented as Tensorflow 2
Stars: ✭ 36 (-40.98%)
Mutual labels:  tensorflow2
Awesome-Tensorflow2
基于Tensorflow2开发的优秀扩展包及项目
Stars: ✭ 45 (-26.23%)
Mutual labels:  tensorflow2
DQN-Atari
Deep Q-Learning (DQN) implementation for Atari pong.
Stars: ✭ 53 (-13.11%)
Mutual labels:  atari
ntga
Code for "Neural Tangent Generalization Attacks" (ICML 2021)
Stars: ✭ 33 (-45.9%)
Mutual labels:  tensorflow2
AtariAlgos.jl
Arcade Learning Environment (ALE) wrapped as a Reinforce.jl environment
Stars: ✭ 38 (-37.7%)
Mutual labels:  atari
Relational Deep Reinforcement Learning
No description or website provided.
Stars: ✭ 44 (-27.87%)
Mutual labels:  ppo
deep autoviml
Build tensorflow keras model pipelines in a single line of code. Now with mlflow tracking. Created by Ram Seshadri. Collaborators welcome. Permission granted upon request.
Stars: ✭ 98 (+60.66%)
Mutual labels:  tensorflow2
QuantumSpeech-QCNN
IEEE ICASSP 21 - Quantum Convolution Neural Networks for Speech Processing and Automatic Speech Recognition
Stars: ✭ 71 (+16.39%)
Mutual labels:  tensorflow2
bandits
Comparison of bandit algorithms from the Reinforcement Learning bible.
Stars: ✭ 16 (-73.77%)
tfworldhackathon
GitHub repo for my Tensorflow World hackathon submission
Stars: ✭ 17 (-72.13%)
Mutual labels:  tensorflow2
Training-BatchNorm-and-Only-BatchNorm
Experiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al.
Stars: ✭ 23 (-62.3%)
Mutual labels:  tensorflow2
PyPOMDP
Python implementation of POMDP framework and PBVI & POMCP algorithms.
Stars: ✭ 60 (-1.64%)
1-60 of 286 similar projects