All Projects → xingtian → Similar Projects or Alternatives

189 Open source projects that are alternatives of or similar to xingtian

Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+1651.97%)
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 (-93.45%)
Mutual labels:  dqn, ppo
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (-30.13%)
Mutual labels:  dqn, ppo
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-79.91%)
Mutual labels:  dqn, ppo
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-88.65%)
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+294.76%)
Mutual labels:  dqn, ppo
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (-41.92%)
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 (-24.45%)
Mutual labels:  dqn, ppo
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-48.03%)
Mutual labels:  dqn, ppo
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-64.19%)
Mutual labels:  dqn, ppo
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+795.63%)
Mutual labels:  dqn, ppo
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 (-57.64%)
Mutual labels:  dqn, ppo
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (-30.13%)
Mutual labels:  dqn, 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 (+86.03%)
Mutual labels:  dqn, ppo
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (+18.78%)
Mutual labels:  dqn, ppo
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (-73.36%)
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-82.97%)
Mutual labels:  dqn, ppo
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-76.42%)
Mutual labels:  dqn, 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 (-3.06%)
Mutual labels:  dqn, ppo
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+151.09%)
Mutual labels:  dqn, ppo
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+2934.06%)
Mutual labels:  dqn, ppo
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1211.79%)
Mutual labels:  dqn, ppo
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-60.7%)
Mutual labels:  dqn, ppo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+1.75%)
Mutual labels:  dqn, ppo
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+1694.32%)
Mutual labels:  dqn, ppo
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+1052.84%)
Mutual labels:  dqn, ppo
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+805.68%)
Mutual labels:  dqn, ppo
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-36.68%)
Mutual labels:  dqn, ppo
Recurrent-Deep-Q-Learning
Solving POMDP using Recurrent networks
Stars: ✭ 52 (-77.29%)
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+39.3%)
Mutual labels:  dqn, ppo
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+85.59%)
Mutual labels:  dqn, ppo
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+487.34%)
Mutual labels:  dqn, ppo
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+1353.71%)
Mutual labels:  dqn, 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 (-27.07%)
Mutual labels:  dqn, ppo
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-89.96%)
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-93.45%)
ml-ai
ML-AI Community | Open Source | Built in Bharat for the World | Data science problem statements and solutions
Stars: ✭ 32 (-86.03%)
model-free-algorithms
TD3, SAC, IQN, Rainbow, PPO, Ape-X and etc. in TF1.x
Stars: ✭ 56 (-75.55%)
Mutual labels:  ppo
DQN-Atari
Deep Q-Learning (DQN) implementation for Atari pong.
Stars: ✭ 53 (-76.86%)
Mutual labels:  dqn
Relational Deep Reinforcement Learning
No description or website provided.
Stars: ✭ 44 (-80.79%)
Mutual labels:  ppo
dqn-tensorflow
Deep Q Network implements by Tensorflow
Stars: ✭ 25 (-89.08%)
Mutual labels:  dqn
Pytorch-RL-CPP
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Stars: ✭ 73 (-68.12%)
distributedRL
A framework for easy prototyping of distributed reinforcement learning algorithms
Stars: ✭ 93 (-59.39%)
Mutual labels:  dqn
td-reg
TD-Regularized Actor-Critic Methods
Stars: ✭ 28 (-87.77%)
Mutual labels:  ppo
bandits
Comparison of bandit algorithms from the Reinforcement Learning bible.
Stars: ✭ 16 (-93.01%)
logrl
Logarithmic Reinforcement Learning
Stars: ✭ 25 (-89.08%)
Mutual labels:  dqn
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (-50.66%)
Mutual labels:  dqn
RL-code-resources
A collection of Reinforcement Learning GitHub code resources divided by frameworks and environments
Stars: ✭ 51 (-77.73%)
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (-59.39%)
Mutual labels:  ppo
DQN-pytorch
A PyTorch implementation of Human-Level Control through Deep Reinforcement Learning
Stars: ✭ 23 (-89.96%)
Mutual labels:  dqn
trading gym
a unified environment for supervised learning and reinforcement learning in the context of quantitative trading
Stars: ✭ 36 (-84.28%)
Mutual labels:  ppo
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-93.89%)
Mutual labels:  ppo
Upside-Down-Reinforcement-Learning
Upside-Down Reinforcement Learning (⅂ꓤ) implementation in PyTorch. Based on the paper published by Jürgen Schmidhuber.
Stars: ✭ 64 (-72.05%)
course-content-dl
NMA deep learning course
Stars: ✭ 537 (+134.5%)
l2rpn-baselines
L2RPN Baselines a repository to host baselines for l2rpn competitions.
Stars: ✭ 57 (-75.11%)
Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020
Live Trading. Please star.
Stars: ✭ 1,251 (+446.29%)
Mutual labels:  ppo
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 (-85.59%)
hadoop-data-ingestion-tool
OLAP and ETL of Big Data
Stars: ✭ 17 (-92.58%)
Mutual labels:  impala
deeprl-continuous-control
Learning Continuous Control in Deep Reinforcement Learning
Stars: ✭ 14 (-93.89%)
gym-microrts-paper-sb3
RL agent to play μRTS with Stable-Baselines3 and PyTorch
Stars: ✭ 21 (-90.83%)
Mutual labels:  ppo
1-60 of 189 similar projects