Ecosyste.ms: Repos

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: 4 days ago - Pushed: 18 days ago - Stars: 631 - Forks: 179

alibaba/EasyReinforcementLearning

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

Language: Python - Size: 656 KB - Last synced: 5 days ago - Pushed: about 2 years ago - Stars: 199 - Forks: 40

navneet-nmk/pytorch-rl

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

Language: Python - Size: 97.1 MB - Last synced: 4 days ago - Pushed: almost 5 years ago - Stars: 441 - Forks: 56

tensorflow/agents

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

Language: Python - Size: 12.7 MB - Last synced: 16 days ago - Pushed: 2 months ago - Stars: 2,735 - Forks: 721

LucasAlegre/morl-baselines

Multi-Objective Reinforcement Learning algorithms implementations.

Language: Python - Size: 22.2 MB - Last synced: 21 days ago - Pushed: 21 days ago - Stars: 228 - Forks: 32

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: 18 days ago - Pushed: 3 months ago - Stars: 817 - Forks: 152

rlworkgroup/garage

A toolkit for reproducible reinforcement learning research.

Language: Python - Size: 57.6 MB - Last synced: 26 days ago - Pushed: about 1 year ago - Stars: 1,812 - Forks: 306

spirosrap/Deep-Reinforcement-Learning

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

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

udacity/deep-reinforcement-learning

Repo for the Deep Reinforcement Learning Nanodegree program

Language: Jupyter Notebook - Size: 3.37 MB - Last synced: about 1 month ago - Pushed: 6 months ago - Stars: 4,757 - Forks: 2,337

PacktPublishing/Tensorflow-2-Reinforcement-Learning-Cookbook

Tensorflow 2 Reinforcement Learning Cookbook, published by Packt

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

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: 4 months ago - Pushed: about 2 years ago - Stars: 13 - Forks: 0

markub3327/rl-toolkit

RL-Toolkit: A Research Framework for Robotics

Language: Python - Size: 144 MB - Last synced: 6 days ago - Pushed: 2 months ago - Stars: 17 - Forks: 2

maik97/wacky-rl

Custom Reinforcement Learning Agents

Language: Python - Size: 232 KB - Last synced: 28 days ago - Pushed: 7 months 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: 7 months ago - Pushed: about 2 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: 7 months ago - Pushed: almost 2 years ago - Stars: 185 - Forks: 20

mtrazzi/rl-book-challenge

self-studying the Sutton & Barto the hard way

Language: Python - Size: 13.6 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 175 - Forks: 29

samyuh/feup-iart-ball_sort_puzzle

Reinforcement Learning in Ball Sort Puzzle

Language: Python - Size: 7.91 MB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

ethanmclark1/rl_toolkit

A collection of RL algorithms written in PyTorch

Language: Python - Size: 233 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

nhabbash/reinforcement-learning

Various RL algorithms implementations

Language: Jupyter Notebook - Size: 2.36 MB - Last synced: 10 months ago - Pushed: over 3 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: 10 months ago - Pushed: 10 months 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: 4 months ago - Pushed: almost 2 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: about 1 year ago - Pushed: about 1 year ago - Stars: 66 - Forks: 10

liuzuxin/cvpo-safe-rl

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

Language: Python - Size: 16.7 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 42 - Forks: 6

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: 12 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

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: about 1 year ago - Pushed: about 4 years ago - Stars: 2 - 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: about 1 year ago - Pushed: over 2 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: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 1

SmartData-Polito/RL-IoT

Reinforcement Learning framework for learning IoT interactions.

Language: Python - Size: 3.47 MB - Last synced: about 1 year ago - Pushed: over 2 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: about 1 year ago - Pushed: over 4 years ago - Stars: 11 - Forks: 3

rldotai/rl-algorithms

Reinforcement learning algorithms

Language: Python - Size: 29.3 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 39 - Forks: 6

addy1997/RL-Algorithms

This repository has RL algorithms implemented using python

Language: Jupyter Notebook - Size: 1.3 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 6 - Forks: 2

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: about 1 year ago - Pushed: over 3 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: about 1 year ago - Pushed: almost 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: 4 months ago - Pushed: about 1 year 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: about 1 year ago - Pushed: over 4 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: 5 months ago - Pushed: over 2 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: about 1 year ago - Pushed: over 2 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: about 1 year ago - Pushed: over 2 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: 12 months ago - Pushed: almost 3 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: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 1

maximys963/RL-algorithms

Language: JavaScript - Size: 6.77 MB - Last synced: about 1 year ago - Pushed: over 1 year 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: about 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 0

Related Keywords
rl-algorithms 42 reinforcement-learning 31 deep-reinforcement-learning 9 pytorch 9 openai-gym 8 dqn 8 reinforcement-learning-algorithms 7 rl 7 ppo 5 deep-learning 5 q-learning 5 policy-gradient 5 gym 5 python 4 rl-agents 4 tensorflow 4 ddpg 4 sarsa 4 reinforcement-learning-environments 4 algorithm 3 a2c 3 sac 3 mcts 2 mcts-agents 2 mcts-algorithm 2 mcts-implementations 2 monte-carlo-tree-search 2 ml-agents 2 reinforcement-learning-agent 2 q-learning-vs-sarsa 2 neural-networks 2 docker 2 openai-gym-solutions 2 agent 2 gymnasium 2 function-approximation 2 pytorch-rl 2 dueling-dqn 2 python3 2 actor-critic 2 dynamic-programming 2 policy-iteration 2 artificial-intelligence 2 reproducibility 2 soft-actor-critic 2 mujoco 2 deep-q-learning 2 openai 2 ppo-agent 1 yeelight 1 ddqn 1 monte-carlo 1 temporal-difference 1 linear-function-approximation 1 double-expected-sarsa 1 double-sarsa 1 game 1 ppo-pytorch 1 ray 1 rl-lib 1 snake 1 tune 1 hierarchical-reinforcement-learning 1 rl-envs 1 scheduling 1 scheduling-simulator 1 rl-safety 1 safe-reinforcement-learning 1 assignment-solutions 1 coursera-reinforcement-learning 1 sample-based-learning 1 safety-gym 1 minatar 1 testbed 1 iot-device 1 iot-protocols 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 policy-evaluation 1 rich-sutton-textbook-examples 1 workbook 1 react 1 reinfrocement-learning 1 value-iteration 1 epsilon-greedy-exploration 1 expected-sarsa 1 gradient-bandits 1 hacktoberfest 1 hacktoberfest2020 1 monte-carlo-methods 1