All Projects → Reinforcement Learning With Tensorflow → Similar Projects or Alternatives

1739 Open source projects that are alternatives of or similar to Reinforcement Learning With Tensorflow

Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (-98.37%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (-56.76%)
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 (-96.8%)
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (-96.65%)
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (-58.79%)
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 (-93.64%)
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-98.82%)
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (-86.99%)
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (-95.41%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
rl implementations
No description or website provided.
Stars: ✭ 40 (-99.42%)
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-97.91%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (-80.64%)
Mutual labels:  dqn, ppo, policy-gradient, actor-critic, a3c
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (-94.31%)
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-99.22%)
Mutual labels:  q-learning, dqn, policy-gradient, actor-critic, ppo
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (-90.79%)
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (-40.86%)
Mutual labels:  dqn, ppo, policy-gradient, ddpg, double-dqn
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (-70.48%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (-42.26%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-98.81%)
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (-53.48%)
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (-99.6%)
Mutual labels:  dqn, a3c, ddpg, actor-critic
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (-95.5%)
java-reinforcement-learning
Package provides java implementation of reinforcement learning algorithms such Q-Learn, R-Learn, SARSA, Actor-Critic
Stars: ✭ 90 (-98.7%)
Mutual labels:  q-learning, sarsa, actor-critic, sarsa-lambda
Ai Blog
Accompanying repository for Let's make a DQN / A3C series.
Stars: ✭ 351 (-94.95%)
Mutual labels:  tutorial, reinforcement-learning, dqn, a3c
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 (-97.51%)
Mutual labels:  dqn, ppo, actor-critic, ddpg
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (-62%)
Mutual labels:  dqn, ppo, ddpg, double-dqn
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (-89.23%)
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.78%)
Mutual labels:  dqn, sarsa, a3c, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (-94.33%)
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (-98.99%)
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (-40.67%)
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 (-93.87%)
Mutual labels:  dqn, ppo, actor-critic, ddpg
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (-93.88%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-98.7%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (-94.76%)
Tensorflow Reinforce
Implementations of Reinforcement Learning Models in Tensorflow
Stars: ✭ 480 (-93.09%)
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (-98.22%)
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (-91.72%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Stars: ✭ 6,796 (-2.19%)
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 (-62.12%)
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (-97.35%)
Mutual labels:  reinforcement-learning, dqn, a3c, ddpg
Pytorch Rl
Deep Reinforcement Learning with pytorch & visdom
Stars: ✭ 745 (-89.28%)
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-96.14%)
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (-88.11%)
Train Robot Arm From Scratch
Build environment and train a robot arm from scratch (Reinforcement Learning)
Stars: ✭ 242 (-96.52%)
Mutual labels:  tutorial, reinforcement-learning, ddpg
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-99.67%)
Mutual labels:  q-learning, dqn, deep-q-network
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (-98.79%)
Mutual labels:  policy-gradient, sarsa, a3c
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (-96.09%)
Mutual labels:  reinforcement-learning, dqn, ppo
Reinforcement Learning Kr
[파이썬과 케라스로 배우는 강화학습] 예제
Stars: ✭ 282 (-95.94%)
Mutual labels:  dqn, policy-gradient, actor-critic
Rlseq2seq
Deep Reinforcement Learning For Sequence to Sequence Models
Stars: ✭ 683 (-90.17%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (-52.09%)
Mutual labels:  reinforcement-learning, dqn, ppo
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (-99.54%)
Mutual labels:  policy-gradient, a3c, ddpg
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-99.44%)
Mutual labels:  dqn, ddpg, ppo
Rl4j
Deep Reinforcement Learning for the JVM (Deep-Q, A3C)
Stars: ✭ 330 (-95.25%)
Mutual labels:  reinforcement-learning, dqn, a3c
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (-98.09%)
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-99.8%)
Mutual labels:  policy-gradient, ddpg, ppo
Pytorch Cpp Rl
PyTorch C++ Reinforcement Learning
Stars: ✭ 353 (-94.92%)
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (-96.72%)
connect4
Solving board games like Connect4 using Deep Reinforcement Learning
Stars: ✭ 33 (-99.53%)
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 (-90.53%)
1-60 of 1739 similar projects