All Projects → logrl → Similar Projects or Alternatives

165 Open source projects that are alternatives of or similar to logrl

Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+16336%)
Mutual labels:  dqn, rl
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (+376%)
Mutual labels:  dqn, rl
Learning To Communicate Pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Stars: ✭ 236 (+844%)
Mutual labels:  dqn, rl
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+1668%)
Mutual labels:  dqn, rl
Atari
AI research environment for the Atari 2600 games 🤖.
Stars: ✭ 174 (+596%)
Mutual labels:  dqn, rl
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+832%)
Mutual labels:  dqn, rl
Dqn Flappybird
Play flappy bird with DQN, a demo for reinforcement learning, implemented using PyTorch
Stars: ✭ 37 (+48%)
Mutual labels:  dqn, rl
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+8284%)
Mutual labels:  dqn
omd
JAX code for the paper "Control-Oriented Model-Based Reinforcement Learning with Implicit Differentiation"
Stars: ✭ 43 (+72%)
Mutual labels:  dqn
Drl
Repository for codes of 'Deep Reinforcement Learning'
Stars: ✭ 172 (+588%)
Mutual labels:  dqn
Per
Prioritized Experience Replay (PER) implementation in PyTorch
Stars: ✭ 147 (+488%)
Mutual labels:  dqn
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (+636%)
Mutual labels:  dqn
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (+12%)
Mutual labels:  dqn
Tensorflow Rl
Implementations of deep RL papers and random experimentation
Stars: ✭ 176 (+604%)
Mutual labels:  dqn
gym-rs
OpenAI's Gym written in pure Rust for blazingly fast performance
Stars: ✭ 34 (+36%)
Mutual labels:  rl
Agents
TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.
Stars: ✭ 2,135 (+8440%)
Mutual labels:  dqn
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-8%)
Mutual labels:  dqn
AI BIG DATAS ALGORITHM
大数据+人工智能+数据结构相关案例项目
Stars: ✭ 28 (+12%)
Mutual labels:  dqn
Rainbow
A PyTorch implementation of Rainbow DQN agent
Stars: ✭ 147 (+488%)
Mutual labels:  dqn
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (+56%)
Mutual labels:  dqn
mujoco-benchmark
Provide full reinforcement learning benchmark on mujoco environments, including ddpg, sac, td3, pg, a2c, ppo, library
Stars: ✭ 101 (+304%)
Mutual labels:  rl
Keras Rl2
Reinforcement learning with tensorflow 2 keras
Stars: ✭ 134 (+436%)
Mutual labels:  dqn
Snake Ai Reinforcement
AI for Snake game trained from pixels using Deep Reinforcement Learning (DQN).
Stars: ✭ 123 (+392%)
Mutual labels:  dqn
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+11352%)
Mutual labels:  dqn
Deep Rl Tensorflow
TensorFlow implementation of Deep Reinforcement Learning papers
Stars: ✭ 1,552 (+6108%)
Mutual labels:  dqn
Cartpole
OpenAI's cartpole env solver.
Stars: ✭ 107 (+328%)
Mutual labels:  dqn
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 (+656%)
Mutual labels:  dqn
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (+292%)
Mutual labels:  dqn
Retro Learning Environment
The Retro Learning Environment (RLE) -- a learning framework for AI
Stars: ✭ 180 (+620%)
Mutual labels:  dqn
revisiting rainbow
Revisiting Rainbow
Stars: ✭ 71 (+184%)
Mutual labels:  rl
breakout-Deep-Q-Network
Reinforcement Learning | tensorflow implementation of DQN, Dueling DQN and Double DQN performed on Atari Breakout
Stars: ✭ 69 (+176%)
Mutual labels:  dqn
hra
Hybrid Reward Architecture
Stars: ✭ 76 (+204%)
Mutual labels:  rl
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+11916%)
Mutual labels:  dqn
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (+316%)
Mutual labels:  dqn
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 (+592%)
Mutual labels:  dqn
Pytorch-PCGrad
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
Stars: ✭ 179 (+616%)
Mutual labels:  rl
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 (+568%)
Mutual labels:  dqn
DQN-using-PyTorch-and-ML-Agents
A simple example of how to implement vector based DQN using PyTorch and a ML-Agents environment
Stars: ✭ 81 (+224%)
Mutual labels:  dqn
Doudizhu
AI斗地主
Stars: ✭ 149 (+496%)
Mutual labels:  dqn
pacman-ai
A.I. plays the original 1980 Pacman using Neuroevolution of Augmenting Topologies and Deep Q Learning
Stars: ✭ 26 (+4%)
Mutual labels:  dqn
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+8104%)
Mutual labels:  dqn
Transformers-RL
An easy PyTorch implementation of "Stabilizing Transformers for Reinforcement Learning"
Stars: ✭ 107 (+328%)
Mutual labels:  rl
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (+480%)
Mutual labels:  dqn
fresh-coupons
Buy paid Udemy courses for free/with discount without extra step! See all discounted courses right in Udemy and apply coupon code automatically or with a single click.
Stars: ✭ 24 (-4%)
Mutual labels:  discount
Drqn Tensorflow
Deep recurrent Q Learning using Tensorflow, openai/gym and openai/retro
Stars: ✭ 127 (+408%)
Mutual labels:  dqn
Drl based selfdrivingcarcontrol
Deep Reinforcement Learning (DQN) based Self Driving Car Control with Vehicle Simulator
Stars: ✭ 249 (+896%)
Mutual labels:  dqn
dqn-obstacle-avoidance
Deep Reinforcement Learning for Fixed-Wing Flight Control with Deep Q-Network
Stars: ✭ 57 (+128%)
Mutual labels:  dqn
Ctc Executioner
Master Thesis: Limit order placement with Reinforcement Learning
Stars: ✭ 112 (+348%)
Mutual labels:  dqn
voucherify-java-sdk
Java SDK for Voucherify - coupons, vouchers, promo codes
Stars: ✭ 22 (-12%)
Mutual labels:  discount
Reinforcement learning
강화학습에 대한 기본적인 알고리즘 구현
Stars: ✭ 100 (+300%)
Mutual labels:  dqn
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (+308%)
Mutual labels:  dqn
Aleph star
Reinforcement learning with A* and a deep heuristic
Stars: ✭ 235 (+840%)
Mutual labels:  dqn
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (+432%)
Mutual labels:  dqn
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (+292%)
Mutual labels:  dqn
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+5280%)
Mutual labels:  dqn
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 (+288%)
Mutual labels:  dqn
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (+812%)
Mutual labels:  dqn
DQN-pytorch
A PyTorch implementation of Human-Level Control through Deep Reinforcement Learning
Stars: ✭ 23 (-8%)
Mutual labels:  dqn
neptune-client
📒 Experiment tracking tool and model registry
Stars: ✭ 348 (+1292%)
Mutual labels:  rl
RL-FlappyBird
Using reinforcement learning to train FlappyBird.
Stars: ✭ 68 (+172%)
Mutual labels:  dqn
1-60 of 165 similar projects