An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: rl-algorithms

LucasAlegre/sumo-rl

Reinforcement Learning environments for Traffic Signal Control with SUMO. Compatible with Gymnasium, PettingZoo, and popular RL libraries.

Language: Python - Size: 41.2 MB - Last synced at: about 10 hours ago - Pushed at: 3 months ago - Stars: 841 - Forks: 218

Kenenshinasu143/agents

Build and deploy AI Agents on Cloudflare

Language: TypeScript - Size: 1.73 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 1

microsoft/maro

Multi-Agent Resource Optimization (MARO) platform is an instance of Reinforcement Learning as a Service (RaaS) for real-world resource optimization problems.

Language: Python - Size: 110 MB - Last synced at: 4 days ago - Pushed at: 17 days ago - Stars: 881 - Forks: 156

tensorflow/agents

TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.

Language: Python - Size: 12.9 MB - Last synced at: 4 days ago - Pushed at: 11 days ago - Stars: 2,902 - Forks: 735

LucasAlegre/morl-baselines

Multi-Objective Reinforcement Learning algorithms implementations.

Language: Python - Size: 22.5 MB - Last synced at: 27 days ago - Pushed at: 5 months ago - Stars: 368 - Forks: 61

navneet-nmk/pytorch-rl

This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch

Language: Python - Size: 97.1 MB - Last synced at: 9 days ago - Pushed at: almost 6 years ago - Stars: 444 - Forks: 55

rlworkgroup/garage

A toolkit for reproducible reinforcement learning research.

Language: Python - Size: 57.6 MB - Last synced at: 30 days ago - Pushed at: about 2 years ago - Stars: 1,960 - Forks: 314

mtrazzi/rl-book-challenge

self-studying the Sutton & Barto the hard way

Language: Python - Size: 13.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 195 - Forks: 32

liuzuxin/cvpo-safe-rl

Code for "Constrained Variational Policy Optimization for Safe Reinforcement Learning" (ICML 2022)

Language: Python - Size: 16.7 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 73 - Forks: 8

Rui0828/Grid-World-DRL

A web-based interactive Grid World environment for learning and visualizing reinforcement learning algorithms including policy evaluation, policy improvement, and value iteration. Built with Flask backend implementing RL algorithms and JavaScript frontend for grid visualization.

Language: JavaScript - Size: 41 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

MohanKrishnaGR/Reinforcement-Learning-Taxi-v3

A comprehensive solution to the Classic Taxi Problem using Reinforcement Learning (RL) and OpenAI Gym (Taxi-v3). This repository includes Python code for Q-learning implementation, a detailed presentation, and visualizations to demonstrate the agent's learning process. Perfect for anyone exploring RL concepts, Q-learning, or Gym environments.

Language: Python - Size: 1.07 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

markub3327/rl-toolkit

RL-Toolkit: A Research Framework for Robotics

Language: Python - Size: 144 MB - Last synced at: about 12 hours ago - Pushed at: 4 months ago - Stars: 19 - Forks: 2

udacity/deep-reinforcement-learning

Repo for the Deep Reinforcement Learning Nanodegree program

Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 4,896 - Forks: 2,344

pvnieo/beating-atari

Implementation of RL algorithms to beat Atari 2600 games

Language: Python - Size: 569 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

alibaba/EasyReinforcementLearning

EasyRL: An easy-to-use and comprehensive reinforcement learning package.

Language: Python - Size: 656 KB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 199 - Forks: 40

addy1997/RL-Algorithms

This repository has RL algorithms implemented using python

Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: 22 days ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 2

spirosrap/Deep-Reinforcement-Learning

Deep Reinforcement Learning - Implementations and Theory: A path to mastery

Language: Python - Size: 21.3 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

PacktPublishing/Tensorflow-2-Reinforcement-Learning-Cookbook

Tensorflow 2 Reinforcement Learning Cookbook, published by Packt

Language: Jupyter Notebook - Size: 5.26 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 179 - Forks: 85

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.

Language: Jupyter Notebook - Size: 532 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

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

Language: Jupyter Notebook - Size: 300 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 0

maik97/wacky-rl

Custom Reinforcement Learning Agents

Language: Python - Size: 232 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

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

Language: Python - Size: 23.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 294 - Forks: 97

RchalYang/torchrl

Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)

Language: Python - Size: 583 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 185 - Forks: 20

samyuh/feup-iart-ball_sort_puzzle

Reinforcement Learning in Ball Sort Puzzle

Language: Python - Size: 7.91 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

nhabbash/reinforcement-learning

Various RL algorithms implementations

Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

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.

Language: Python - Size: 11.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

andrewli77/combinatorial-rl-tasks

Tasks with combinatorial structure embedded in MuJoCo robotics environments.

Language: Python - Size: 1.03 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

mail-ecnu/VMAgent

Our VMAgent is a platform for exploiting Reinforcement Learning (RL) on Virtual Machine (VM) scheduling tasks.

Language: Python - Size: 27.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 66 - Forks: 10

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.

Language: Python - Size: 64.5 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

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

Language: Python - Size: 1.33 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

rlai-lab/MinAtar-Faster Fork of kenjyoung/MinAtar

Optimized version of the MinAtar (testbed for AI agents) codebase along with benchmarks for standard Reinforcement Learning agents on various environments.

Language: Python - Size: 6.35 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

SmartData-Polito/RL-IoT

Reinforcement Learning framework for learning IoT interactions.

Language: Python - Size: 3.47 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

sourcecode369/deep-reinforcement-learning

Implementation notebooks and scripts of Deep Reinforcement learning Algorithms in PyTorch and TensorFlow.

Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 3

rldotai/rl-algorithms

Reinforcement learning algorithms

Language: Python - Size: 29.3 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 39 - Forks: 6

giuliapuntoit/RL-tcp-toycase

Toy case for learning through Reinforcement Learning algorithms how to establish TCP connections.

Language: Python - Size: 37.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

Jamie-Rodriguez/tic-tac-clojure

Tic-tac-toe/"noughts & crosses" written in Clojure (CLI + deps). AI powered by Monte Carlo tree search algorithm

Language: Clojure - Size: 96.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Jamie-Rodriguez/jaymo-zero

Using reinforcement learning to play games.

Language: Python - Size: 44.9 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ylsung/TetrisBattle-RL Fork of ikostrikov/pytorch-a2c-ppo-acktr-gail

Training RL agent to master Facebook TetrisBattle--PyTorch implementation

Language: Python - Size: 34.3 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

vstark21/RL_gym

Implementing different reinforcement learning algorithms on different gym environments and comparing results.

Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

claudia-maria-dudau/RL-Poker

Reinforcement learning applied in the game of poker (holdem texas version).

Language: Python - Size: 7.53 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

kjanjua26/offline-online-representation-learning

This is the repository for Offline-Online Representation Learning for Reinforcement Learning.

Language: Jupyter Notebook - Size: 355 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vintel38/DeepRL

Implémentations d'apprentissage par renforcement mixées avec des techniques de Deep Learning sur des environnements OpenAI Gym

Language: Jupyter Notebook - Size: 140 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

mohith-sakthivel/learn_rl_notebook

Code for some fun exercises in the textbook 'Reinforcement Learning - An Introduction'

Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

maximys963/RL-algorithms

Language: JavaScript - Size: 6.77 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

zyxue/rljs

RLjs currently serves as an interactive playground for learning reinforcement learning.

Language: JavaScript - Size: 1.41 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

Related Keywords
rl-algorithms 45 reinforcement-learning 33 dqn 10 pytorch 9 deep-reinforcement-learning 8 openai-gym 8 rl 7 reinforcement-learning-algorithms 7 q-learning 6 python 6 gym 5 ppo 5 deep-learning 5 tensorflow 5 policy-gradient 4 ddpg 4 rl-agents 4 sarsa 4 reinforcement-learning-environments 4 docker 3 algorithm 3 dynamic-programming 3 sac 3 artificial-intelligence 3 mcts 2 mcts-agents 2 mcts-algorithm 2 mcts-implementations 2 monte-carlo-tree-search 2 mujoco 2 openai 2 pytorch-rl 2 openai-gym-solutions 2 neural-networks 2 ml-agents 2 soft-actor-critic 2 policy-evaluation 2 value-iteration 2 policy-iteration 2 function-approximation 2 agent 2 bandits 2 a2c 2 python3 2 actor-critic 2 q-learning-vs-sarsa 2 contextual-bandits 2 deep-q-learning 2 machine-learning 2 gymnasium 2 reinforcement-learning-agent 2 lunrlanderv2 1 ppo-agent 1 iart 1 sarsa-learning 1 ppo-pytorch 1 ray 1 rl-lib 1 snake 1 deep-qnetworks 1 tune 1 resource-optimization 1 hierarchical-reinforcement-learning 1 rl-sarsa 1 rl-qlearning 1 rl-playground 1 rl-experiments 1 rl-environment 1 rl-emulator 1 sarsa-search 1 shortest-path 1 path-planning 1 obstacle-avoidance 1 maze-solver 1 maze-algorithms 1 proximal-policy-optimization 1 openai-gym-environments 1 policy-agent 1 td3 1 trpo 1 noughts-and-crosses 1 tic-tac-toe 1 tictactoe 1 ai 1 artificial-neural-networks 1 game 1 games 1 python-3 1 tetris-battle 1 gym-environments 1 poker-game 1 offline-learning 1 offline-online 1 online-learning 1 representation-learning 1 environnement 1 cartpole 1 mountain-car 1 rich-sutton-textbook-examples 1 workbook 1