All Projects → TF2-RL → Similar Projects or Alternatives

439 Open source projects that are alternatives of or similar to TF2-RL

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 (+38.75%)
Mutual labels:  openai-gym, dqn, ddpg, sac, ppo
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+1196.25%)
Mutual labels:  dqn, ddpg, sac, ppo
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+2468.13%)
Mutual labels:  dqn, ddpg, sac, ppo
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+1181.88%)
Mutual labels:  dqn, ddpg, sac, ppo
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-71.25%)
Mutual labels:  dqn, ddpg, sac, ppo
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-75.62%)
Mutual labels:  dqn, ddpg, sac, ppo
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+2407.5%)
Mutual labels:  openai-gym, dqn, ddpg, ppo
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-9.37%)
Mutual labels:  dqn, ddpg, ppo
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+1550%)
Mutual labels:  dqn, ddpg, ppo
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (-29.37%)
Mutual labels:  dqn, ddpg, sac
model-free-algorithms
TD3, SAC, IQN, Rainbow, PPO, Ape-X and etc. in TF1.x
Stars: ✭ 56 (-65%)
Mutual labels:  ddpg, sac, ppo
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 (+223.75%)
Mutual labels:  openai-gym, ddpg, ppo
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+176.25%)
Mutual labels:  openai-gym, dqn, ddpg
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1777.5%)
Mutual labels:  dqn, ddpg, 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 (+8.13%)
Mutual labels:  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 (+4.38%)
Mutual labels:  dqn, ddpg, ppo
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-43.75%)
Mutual labels:  dqn, ddpg, 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 (+166.25%)
Mutual labels:  dqn, ddpg, ppo
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (-38.75%)
Mutual labels:  openai-gym, dqn, ddpg
mujoco-benchmark
Provide full reinforcement learning benchmark on mujoco environments, including ddpg, sac, td3, pg, a2c, ppo, library
Stars: ✭ 101 (-36.87%)
Mutual labels:  ddpg, sac, ppo
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-91.25%)
Mutual labels:  ddpg, sac, ppo
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+99.38%)
Mutual labels:  dqn, ddpg, ppo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+45.63%)
Mutual labels:  dqn, ddpg, ppo
Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020
Live Trading. Please star.
Stars: ✭ 1,251 (+681.88%)
Mutual labels:  openai-gym, ddpg, ppo
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+165.63%)
Mutual labels:  dqn, ddpg, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+146.25%)
Mutual labels:  openai-gym, dqn, ddpg
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+4242.5%)
Mutual labels:  dqn, ddpg, ppo
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+259.38%)
Mutual labels:  dqn, ddpg, ppo
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-90.62%)
Mutual labels:  openai-gym, dqn, ddpg
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+740.63%)
Mutual labels:  dqn, ppo
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-35%)
Mutual labels:  dqn, ddpg
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 (-39.37%)
Mutual labels:  dqn, ppo
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-25.62%)
Mutual labels:  dqn, ppo
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-83.75%)
Mutual labels:  dqn, ddpg
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (+15%)
Mutual labels:  dqn, ddpg
Autonomous-Drifting
Autonomous Drifting using Reinforcement Learning
Stars: ✭ 83 (-48.12%)
Mutual labels:  openai-gym, dqn
Pytorch Ddpg
Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch
Stars: ✭ 272 (+70%)
Mutual labels:  openai-gym, ddpg
FinRL
FinRL: The first open-source project for financial reinforcement learning. Please star. 🔥
Stars: ✭ 3,497 (+2085.63%)
Mutual labels:  openai-gym, tensorflow2
Reinforcement Learning Kr
[파이썬과 케라스로 배우는 강화학습] 예제
Stars: ✭ 282 (+76.25%)
Mutual labels:  openai-gym, dqn
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-48.75%)
Mutual labels:  dqn, ppo
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+300%)
Mutual labels:  openai-gym, ppo
Gym Anytrading
The most simple, flexible, and comprehensive OpenAI Gym trading environment (Approved by OpenAI Gym)
Stars: ✭ 627 (+291.88%)
Mutual labels:  openai-gym, dqn
Super Mario Bros Ppo Pytorch
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Stars: ✭ 649 (+305.63%)
Mutual labels:  openai-gym, ppo
Drqn Tensorflow
Deep recurrent Q Learning using Tensorflow, openai/gym and openai/retro
Stars: ✭ 127 (-20.62%)
Mutual labels:  openai-gym, dqn
Ctc Executioner
Master Thesis: Limit order placement with Reinforcement Learning
Stars: ✭ 112 (-30%)
Mutual labels:  openai-gym, dqn
Finrl Library
FinRL: Financial Reinforcement Learning Framework. Please star. 🔥
Stars: ✭ 3,037 (+1798.13%)
Mutual labels:  openai-gym, tensorflow2
Hands On Intelligent Agents With Openai Gym
Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch
Stars: ✭ 189 (+18.13%)
Mutual labels:  openai-gym, dqn
Cartpole
OpenAI's cartpole env solver.
Stars: ✭ 107 (-33.12%)
Mutual labels:  openai-gym, dqn
Tensorflow Rl
Implementations of deep RL papers and random experimentation
Stars: ✭ 176 (+10%)
Mutual labels:  openai-gym, dqn
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (-38.75%)
Mutual labels:  tensorboard, tensorflow2
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (-61.87%)
Mutual labels:  ppo, tensorflow2
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-86.25%)
Mutual labels:  tensorboard, tensorflow2
omd
JAX code for the paper "Control-Oriented Model-Based Reinforcement Learning with Implicit Differentiation"
Stars: ✭ 43 (-73.12%)
Mutual labels:  dqn, sac
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (-82.5%)
Mutual labels:  dqn, ddpg
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (-38.75%)
Mutual labels:  dqn, ddpg
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (-80%)
Mutual labels:  openai-gym, ddpg
rl trading
No description or website provided.
Stars: ✭ 14 (-91.25%)
Mutual labels:  openai-gym, ppo
ddpg biped
Repository for Planar Bipedal walking robot in Gazebo environment using Deep Deterministic Policy Gradient(DDPG) using TensorFlow.
Stars: ✭ 65 (-59.37%)
Mutual labels:  openai-gym, ddpg
trading gym
a unified environment for supervised learning and reinforcement learning in the context of quantitative trading
Stars: ✭ 36 (-77.5%)
Mutual labels:  ddpg, ppo
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+465%)
Mutual labels:  dqn, ppo
1-60 of 439 similar projects