Topic: "rl-agents"
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

rajcscw/nlp-gym
NLPGym - A toolkit to develop RL agents to solve NLP tasks.
Language: Python - Size: 16.9 MB - Last synced at: 16 days ago - Pushed at: about 3 years ago - Stars: 199 - Forks: 19

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

rfeinman/tictactoe-reinforcement-learning
Train a tic-tac-toe agent using reinforcement learning.
Language: Python - Size: 549 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 59 - Forks: 24

markub3327/rl-toolkit
RL-Toolkit: A Research Framework for Robotics
Language: Python - Size: 144 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 19 - Forks: 2

khushhallchandra/pytorch-rl
Pytorch Implementation of RL algorithms
Language: Python - Size: 1.25 MB - Last synced at: 25 days ago - Pushed at: about 7 years ago - Stars: 15 - Forks: 2

zombie-einstein/flock_env
Boid flock multi-agent RL training environment implemented in JAX
Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 12 - Forks: 2

sungsulim/RLControl
Implementation of Continuous Control RL Algorithms
Language: Python - Size: 2.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 1

pulkitkatdare/pytorch-rl Fork of khushhallchandra/pytorch-rl
Pytorch Implementation of RL algorithms
Language: Python - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 0

Sahmwell/G15_Capstone
dITC through RL Code Foundation
Language: Python - Size: 30.1 MB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

maik97/wacky-rl
Custom Reinforcement Learning Agents
Language: Python - Size: 232 KB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

victor-iyi/navigating-a-virtual-world-using-dynamic-programming
A reinforcement learning agent navigating the OpenAI's FrozenLake environment
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

kochlisGit/Reinforcement-Learning-Algorithms
This project focuses on comparing different Reinforcement Learning Algorithms, including monte-carlo, q-learning, lambda q-learning epsilon-greedy variations, etc.
Language: Python - Size: 460 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

canoksuzoglu1/RL-PCO-Atlantis-Atari
This project trains and evaluates a Proximal Policy Optimization (PPO) agent to play the Atari game Atlantis using Stable Baselines3. The agent is trained with a Convolutional Neural Network (CNN) policy and evaluated for its performance in the game. It includes scripts for training, evaluating, and real-time gameplay rendering.
Language: Jupyter Notebook - Size: 28.5 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ostamand/rolling-balls 📦
Collect more gift than an AI opponent in this fast-paced Christmas-themed game.
Language: C# - Size: 187 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

zahramh99/ai-trading-agent
Agentic AI involves several key components. This is an AI Agent for trading.These agents typically use reinforcement learning (RL) methods to optimize their behaviour over time through interactions with an environment.
Language: Python - Size: 51.8 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

AubinSeptier/gymnasium-agents
A set of reinforcement learning agents using the Gymnasium library. Includes Random, MTCS, DQN and light-AlphaZero Agents for Othello and Connect 4.
Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Bjoklsoads/DoomTaskResolver-Ver.0.1
DOOM AI Task-Resolver Agent through Reinforcement Learning and Natural Language Processing with a Simple Implementation.
Language: Python - Size: 10.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

WillieCubed/gym-server
A general-purpose remote environment for training RL agents.
Language: Python - Size: 213 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

josemarcosrf/Keras-RL-exploratory 📦
This repo contains toy solutions for the openAI gym environment implementing Q-networks in Keras and TensorFlow
Language: Python - Size: 55.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

chebroluharika/Tic-Tac-Toe
Train a tic-tac-toe agent with reinforcement learning.
Language: Jupyter Notebook - Size: 37.1 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

jignesh284/Automatic-Level-Generation-for-RobustReinforcement-Learning
Our project focuses on the problem of generating synthetic levels of a game such that the levels can be used to learn an optimal policy for playing the game. Given a few pre-existing game levels we want to use deep generative models (like GANs) to generate new additional game levels. We will then train an RL agent on these levels to learn a generalized policy of playing the game. Our hypothesis is that training the agent with the additional levels will lead to an optimal policy that performs better than the policy learned from the few pre-existing levels. Our final objective is to learn such a generative model, train an RL agent with the generated levels and test its performance on a set of unseen game levels.
Language: Python - Size: 108 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

tarunk04/OpenGym-Taxi-v3
Open Gym Taxi v3 environment solved using sarsamax algorithm(Q-Learning)
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

stephyc/shock_task_v1
First version of social 2-step task with shocks.
Language: JavaScript - Size: 2.9 MB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

hzm2016/Linear_feature_algorithms Fork of amarack/python-rl
Some Reinforcement Learning in Python. Especially how to get the feature for linear function approximation.
Language: Python - Size: 30.8 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

sksq96/rl-agents
RL Agents for various OpenAI Gym environments
Language: Python - Size: 28.1 MB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 1
