An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with reinforcement-learning-algorithms

A curated list of projects in awesome lists tagged with reinforcement-learning-algorithms .

https://github.com/dlr-rm/stable-baselines3

PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

baselines gsde gym machine-learning openai python pytorch reinforcement-learning reinforcement-learning-algorithms robotics sb3 sde stable-baselines toolbox

Last synced: 12 May 2025

https://github.com/DLR-RM/stable-baselines3

PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

baselines gsde gym machine-learning openai python pytorch reinforcement-learning reinforcement-learning-algorithms robotics sb3 sde stable-baselines toolbox

Last synced: 26 Mar 2025

https://github.com/hill-a/stable-baselines

A fork of OpenAI Baselines, implementations of reinforcement learning algorithms

baselines data-science gym machine-learning openai python reinforcement-learning reinforcement-learning-algorithms toolbox

Last synced: 26 Mar 2025

https://github.com/JuliaPOMDP/POMDPs.jl

MDPs and POMDPs in Julia - An interface for defining, solving, and simulating fully and partially observable Markov decision processes on discrete and continuous spaces.

artificial-intelligence control-systems julia markov-decision-processes mdps pomdps python reinforcement-learning reinforcement-learning-algorithms

Last synced: 09 May 2025

https://github.com/juliapomdp/pomdps.jl

MDPs and POMDPs in Julia - An interface for defining, solving, and simulating fully and partially observable Markov decision processes on discrete and continuous spaces.

artificial-intelligence control-systems julia markov-decision-processes mdps pomdps python reinforcement-learning reinforcement-learning-algorithms

Last synced: 14 May 2025

https://github.com/qiwihui/reinforcement-learning-an-introduction-chinese

《Reinforcement Learning: An Introduction》(第二版)中文翻译

reinforcement-learning reinforcement-learning-algorithms sphinx-doc

Last synced: 05 Apr 2025

https://github.com/sforaidl/genrl

A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL

algorithm-implementations benchmarking data-science deep-learning gym hacktoberfest machine-learning neural-network openai python pytorch reinforcement-learning reinforcement-learning-algorithms

Last synced: 04 Apr 2025

https://github.com/SforAiDl/genrl

A PyTorch reinforcement learning library for generalizable and reproducible algorithm implementations with an aim to improve accessibility in RL

algorithm-implementations benchmarking data-science deep-learning gym hacktoberfest machine-learning neural-network openai python pytorch reinforcement-learning reinforcement-learning-algorithms

Last synced: 01 May 2025

https://github.com/pku-alignment/safe-policy-optimization

NeurIPS 2023: Safe Policy Optimization: A benchmark repository for safe reinforcement learning algorithms

benchmarks constrained-reinforcement-learning reinforcement-learning-algorithms safe safe-reinforcement-learning

Last synced: 07 May 2025

https://github.com/huawei-noah/xingtian

xingtian is a componentized library for the development and verification of reinforcement learning algorithms

dqn impala muzero ppo qmix reinforcement-learning-algorithms

Last synced: 05 Apr 2025

https://github.com/BY571/Soft-Actor-Critic-and-Extensions

PyTorch implementation of Soft-Actor-Critic and Prioritized Experience Replay (PER) + Emphasizing Recent Experience (ERE) + Munchausen RL + D2RL and parallel Environments.

actor-critic-algorithm continuous d2rl emphasizing-recent-experience multi-environment munchausen munchausen-reinforcement-learning parallel-computing prioritized-experience-replay pytorch reinforcement-learning reinforcement-learning-algorithms sac soft-actor-critic

Last synced: 27 Nov 2024

https://github.com/binary-husky/hmp2g

Multiagent Reinforcement Learning Research Project

machine-learning reinforcement-learning-algorithms simulation

Last synced: 04 Apr 2025

https://github.com/nasdin/reinforcementlearning-atarigame

Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games

a3c a3c-lstm actor-critic adam asynchronous-advantage-actor-critic deep-reinforcement-learning lstm openai-gym python pytorch reinforcement-agents reinforcement-learning reinforcement-learning-algorithms rmsprop universe

Last synced: 10 Apr 2025

https://github.com/coax-dev/coax

Modular framework for Reinforcement Learning in python

reinforcement-learning reinforcement-learning-agent reinforcement-learning-algorithms

Last synced: 13 May 2025

https://github.com/gordicaleksa/pytorch-learn-reinforcement-learning

A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.

deep-learning deep-q-network dqn jupyter policy-gradient ppo python pytorch pytorch-dqn pytorch-implementation pytorch-policy-gradient pytorch-ppo reinforcement-learning reinforcement-learning-algorithms rl

Last synced: 26 Apr 2025

https://github.com/XinJingHao/TD3-BipedalWalkerHardcore-v2

Solve BipedalWalkerHardcore-v2 with TD3

reinforcement-learning-algorithms robot

Last synced: 28 Nov 2024

https://github.com/yaricom/goneat

The GOLang implementation of NeuroEvolution of Augmented Topologies (NEAT) method to evolve and train Artificial Neural Networks without error back propagation

artificial-neural-networks augmenting-topologies neat neural-network neuroevolution reinforcement-learning reinforcement-learning-algorithms unsupervised-learning unsupervised-machine-learning

Last synced: 06 Apr 2025

https://github.com/namoshizun/pypomdp

Python implementation of POMDP framework and PBVI & POMCP algorithms.

educational pomdp python reinforcement-learning-algorithms

Last synced: 21 Mar 2025

https://github.com/ugurkanates/spacexreinforcementlearning

SpaceX Falcon 9 simulated with Reinforcement Learning algorithms such as D4PG,SAC and PPO.

reinforcement-learning reinforcement-learning-algorithms reinforcement-learning-environments rocket spacex

Last synced: 08 Feb 2025

https://github.com/yaricom/goneat_ns

This project provides GOLang implementation of Neuro-Evolution of Augmenting Topologies (NEAT) with Novelty Search optimization aimed to solve deceptive tasks with strong local optima

artificial-neural-networks augmenting-topologies explainable-ai explainable-artificial-intelligence golang modular-ai neat neuroevolution novelty-search reinforcement-learning-algorithms unsupervised-learning unsupervised-learning-algorithms unsupervised-machine-learning

Last synced: 05 Apr 2025

https://github.com/baskuit/r-nad

Experimentation with Regularized Nash Dynamics on a GPU accelerated game

deepnash multiagent-reinforcement-learning pytorch reinforcement-learning reinforcement-learning-algorithms rnad

Last synced: 30 Jan 2025

https://github.com/jason-cky/deeprl-pytorch

Pytorch implementations of various Deep Reinforcement Learning algorithms on pybullet environments.

ddpg ppo pybullet-environments python3 pytorch-implementation reinforcement-learning-algorithms rlbench td3 trpo

Last synced: 20 Nov 2024

https://github.com/ondrejbiza/bandits

Comparison of bandit algorithms from the Reinforcement Learning bible.

machine-learning reinforcement-learning reinforcement-learning-agent reinforcement-learning-algorithms sutton-book

Last synced: 26 Apr 2025

https://github.com/epignatelli/discovering-reinforcement-learning-algorithms

A Jax/Stax implementation of the general meta learning paper: Oh, J., Hessel, M., Czarnecki, W.M., Xu, Z., van Hasselt, H.P., Singh, S. and Silver, D., 2020. Discovering reinforcement learning algorithms. Advances in Neural Information Processing Systems, 33.

actor-critic general-meta-learning jax lstm meta-learning paper-implementations paper-with-code policy-gradient reinforcement-learning reinforcement-learning-algorithms rnn stax

Last synced: 02 Mar 2025

https://github.com/baggepinnen/deterministicpolicygradient.jl

Reinforcement learning with Deterministic Policy Gradient methods

algorithm reinforcement-learning reinforcement-learning-algorithms

Last synced: 15 Mar 2025

https://github.com/cyrildever/reinforcement-learning-in-golang

Code for the algorithms of the "Reinforcement Learning" book

golang machine-learning reinforcement-learning-algorithms

Last synced: 10 Apr 2025

https://github.com/wjaskowski/mastering-2048

An efficient reinforcement learning algorithm for learning a strategy for game 2048

2048 ntuples reinforcement-learning reinforcement-learning-algorithms td-learning

Last synced: 12 Apr 2025

https://github.com/kyegomez/hindsightreplay

My implementation of Hindsight replay in PyTorch: "Hindsight Experience Replay"

artificial-intelligence machine-learning reinforcement-learning-algorithms reinfrocement-learning

Last synced: 07 May 2025

https://github.com/thomashirtz/soft-actor-critic

Implementation of the Soft Actor Critic algorithm using Pytorch.

actor-critic openai-gym reinforcement-learning reinforcement-learning-algorithms

Last synced: 09 Apr 2025

https://github.com/djbyrne/core_rl

Repo of core reinforcement learning algorithms and explanations using pytorch lightning

pytorch pytorch-lightning reinforcement-learning reinforcement-learning-agent reinforcement-learning-algorithms

Last synced: 30 Jan 2025

https://github.com/ghubnerr/darwin

A thorough exploration of Reinforcement Learning through OpenAI Gymnasiums. Inspired by OpenAI's "Emergent tool use form multi-agent interaction".

deep-q-learning multi-agent-reinforcement-learning openai-gym reinforcement-learning reinforcement-learning-algorithms

Last synced: 30 Dec 2024

https://github.com/ondrejbiza/aamas_19

Source code for the paper "Online Abstraction with MDP Homomorphisms for Deep Learning".

aamas abstraction deep-learning deep-neural-networks reinforcement-learning reinforcement-learning-algorithms

Last synced: 26 Apr 2025

https://github.com/zeekersky/target_strike_game

Target Strike game is an unity based compititive game. This game is created for CS662 - Mobile VR & AI course offered at IIT Mandi. Here the source files are given.

behavioral-cloning gail game-development mlagents ppo reinforcement-learning-algorithms unity3d

Last synced: 09 Apr 2025

https://github.com/amifunny/reinforce_adventure

This Repository contains my implementation of popular algorithms on popular environments.

actor-critic bandit ddpg dqn dqn-tensorflow gym openai reinforcement-learning reinforcement-learning-algorithms rl

Last synced: 25 Mar 2025

https://github.com/jianzhnie/llmtech

LLMTechSite, 专注于通用人工智能领域的技术生态。

aigc diffusion-models llms reinforcement-learning-algorithms

Last synced: 08 Apr 2025

https://github.com/epignatelli/human-level-control-through-deep-reinforcement-learning

A jax/stax implementation of: Mnih, V., Kavukcuoglu, K., Silver, D., Rusu, A.A., Veness, J., Bellemare, M.G., Graves, A., Riedmiller, M., Fidjeland, A.K., Ostrovski, G. and Petersen, S., 2015. Human-level control through deep reinforcement learning. nature, 518(7540), pp.529-533.

atari deep-reinforcement-learning deepmind dqn jax papers-with-code reinforcement-learning reinforcement-learning-algorithms stax

Last synced: 02 Mar 2025

https://github.com/openagi/deeprl

Tensorflow framework for deep reinforcement learning

deep-reinforcement-learning reinforcement-learning-algorithms tensorflow-framework

Last synced: 12 Apr 2025

https://github.com/pegah-ardehkhani/shortest-path-using-reinforcement-learning

Solve the shortest path problem using Reinforcement Learning. This project applies RL techniques, such as Q-learning and SARSA(λ), to find optimal routes in a weighted graph, where the algorithm learns to navigate by receiving rewards based on edge distances.

q-learning reinforcement-learning reinforcement-learning-algorithms sarsa sarsa-lambda shortest-path

Last synced: 01 Apr 2025

https://github.com/hectorpulido/easiest-deep-rl-algorithm-with-pytorch

Easiest way to understand reinforcement learning algorithms using pytorch

ai machine-learning pytorch reinforcement-learning reinforcement-learning-algorithms

Last synced: 16 Apr 2025

https://github.com/pockerman/cuberl

Library for reinforcement learning with c++

cpp pytorch reinforcement-learning reinforcement-learning-algorithms

Last synced: 12 Apr 2025