rl-algorithms
There are 43 repositories under rl-algorithms topic.
udacity/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
tensorflow/agents
TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.
rlworkgroup/garage
A toolkit for reproducible reinforcement learning research.
microsoft/maro
Multi-Agent Resource Optimization (MARO) platform is an instance of Reinforcement Learning as a Service (RaaS) for real-world resource optimization problems.
LucasAlegre/sumo-rl
Reinforcement Learning environments for Traffic Signal Control with SUMO. Compatible with Gymnasium, PettingZoo, and popular RL libraries.
navneet-nmk/pytorch-rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
sichkar-valentyn/Reinforcement_Learning_in_Python
Implementing Reinforcement Learning, namely Q-learning and Sarsa algorithms, for global path planning of mobile robot in unknown environment with obstacles. Comparison analysis of Q-learning and Sarsa
LucasAlegre/morl-baselines
Multi-Objective Reinforcement Learning algorithms implementations.
RchalYang/torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
alibaba/EasyReinforcementLearning
EasyRL: An easy-to-use and comprehensive reinforcement learning package.
PacktPublishing/Tensorflow-2-Reinforcement-Learning-Cookbook
Tensorflow 2 Reinforcement Learning Cookbook, published by Packt
mtrazzi/rl-book-challenge
self-studying the Sutton & Barto the hard way
mail-ecnu/VMAgent
Our VMAgent is a platform for exploiting Reinforcement Learning (RL) on Virtual Machine (VM) scheduling tasks.
liuzuxin/cvpo-safe-rl
Code for "Constrained Variational Policy Optimization for Safe Reinforcement Learning" (ICML 2022)
rldotai/rl-algorithms
Reinforcement learning algorithms
sourcecode369/deep-reinforcement-learning
Implementation notebooks and scripts of Deep Reinforcement learning Algorithms in PyTorch and TensorFlow.
markub3327/rl-toolkit
RL-Toolkit: A Research Framework for Robotics
MohammadAsadolahi/Deep-Q-Learning-for-solving-OpenAi-Gym-LunarLander-v2-in-python
reinforcement learning DQN method to solve OpenAi Gym "LunarLander-v2" by usnig a Deep Neuralnetwork
addy1997/RL-Algorithms
This repository has RL algorithms implemented using python
spirosrap/Deep-Reinforcement-Learning
Deep Reinforcement Learning - Implementations and Theory: A path to mastery
giuliapuntoit/RL-tcp-toycase
Toy case for learning through Reinforcement Learning algorithms how to establish TCP connections.
SmartData-Polito/RL-IoT
Reinforcement Learning framework for learning IoT interactions.
Nathan-Bernardo/RCPS-Safety-Guidance
Safe Reinforce Learning -> Constraint algorithms to train agents in Safety Gym, paper notes on research papers regarding RL with constraints + optimizer + neural networks, PyTorch implementation on policy gradient algorithms
maik97/wacky-rl
Custom Reinforcement Learning Agents
rlai-lab/MinAtar-Faster
Optimized version of the MinAtar (testbed for AI agents) codebase along with benchmarks for standard Reinforcement Learning agents on various environments.
zyxue/rljs
RLjs currently serves as an interactive playground for learning reinforcement learning.
andrewli77/combinatorial-rl-tasks
Tasks with combinatorial structure embedded in MuJoCo robotics environments.
claudia-maria-dudau/RL-Poker
Reinforcement learning applied in the game of poker (holdem texas version).
pvnieo/beating-atari
Implementation of RL algorithms to beat Atari 2600 games
ylsung/TetrisBattle-RL
Training RL agent to master Facebook TetrisBattle--PyTorch implementation
aigerimb/RL-Algorithms
This repository contains my implementations of well-known reinforcement learning algorithms for training a single agent. All implementations are done using PyTorch and Python >=3.6.
amifunny/RL-Notebooks
This is a repository for Coursera Reinforcement Learning Course Notebook ,, these consist of my solutions. Feel Free to take a look , if you are stuck in Course and suggest corrections, if you find any mistake. Also Useful if you are looking for an implementation of RL-Algorithms. ** NOTE THESE NOTEBOOKS DON'T WORK AS THEY DO NOT CONTAIN UTILITY FILES WHICH ARE AVAILABLE ONLY ON COURSERA.
GerTheMessiah/Snake-AI
Short own implementation of the game snake. In this project I'am using the ray library together with ray tune and a custom PPO model.
samyuh/feup-iart-ball_sort_puzzle
Reinforcement Learning in Ball Sort Puzzle
vintel38/DeepRL
Implémentations d'apprentissage par renforcement mixées avec des techniques de Deep Learning sur des environnements OpenAI Gym
vstark21/RL_gym
Implementing different reinforcement learning algorithms on different gym environments and comparing results.