Topic: "reinforcement-learning-agent"
benedekrozemberczki/awesome-monte-carlo-tree-search-papers
A curated list of Monte Carlo tree search papers with implementations.
Language: Python - Size: 238 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 675 - Forks: 75

asieradzk/RL_Matrix
Deep Reinforcement Learning in C#
Language: C# - Size: 46.2 MB - Last synced at: 2 days ago - Pushed at: 12 days ago - Stars: 250 - Forks: 20

SynaLinks/synalinks
🧠🔗 Graph-Based Programmable Neuro-Symbolic LM Framework - a production-first LM framework built with decade old Deep Learning best practices
Language: Python - Size: 12.3 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 249 - Forks: 17

ChanchalKumarMaji/Reinforcement-Learning-Specialization
[Coursera] Reinforcement Learning Specialization by "University of Alberta" & "Alberta Machine Intelligence Institute"
Language: Jupyter Notebook - Size: 233 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 235 - Forks: 131

coax-dev/coax
Modular framework for Reinforcement Learning in python
Language: Python - Size: 17.6 MB - Last synced at: about 16 hours ago - Pushed at: over 2 years ago - Stars: 173 - Forks: 18

kkuette/TradzQAI
Trading environnement for RL agents, backtesting and training.
Language: Python - Size: 508 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 165 - Forks: 47

jangirrishabh/Overcoming-exploration-from-demos
Implementation of the paper "Overcoming Exploration in Reinforcement Learning with Demonstrations" Nair et al. over the HER baselines from OpenAI
Language: Python - Size: 730 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 152 - Forks: 30

BY571/DQN-Atari-Agents
DQN-Atari-Agents: Modularized & Parallel PyTorch implementation of several DQN Agents, i.a. DDQN, Dueling DQN, Noisy DQN, C51, Rainbow, and DRQN
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 123 - Forks: 14

MilleXi/stock_trading
🚀一个结合了LSTM股票价格预测与强化学习交易策略的智能股票交易系统。通过深度学习对股市数据进行精准预测,并利用强化学习自动优化交易决策,实现了从数据获取、趋势预测到自动交易的全流程智能化。系统不仅提供了强大的数据处理和预测功能,还内置交互式可视化界面,帮助用户实时查看预测结果与交易决策,适用于多支股票的批量处理,帮助投资者更好地捕捉市场机会,提升交易效率与收益。
Language: Python - Size: 19.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 86 - Forks: 17

EMI-Group/evorl
EvoRL is a fully GPU-accelerated framework for Evolutionary Reinforcement Learning, implemented with JAX. It supports Reinforcement Learning (RL), Evolutionary Computation (EC), Evolution-guided Reinforcement Learning (ERL), AutoRL, and seamless integration with GPU-optimized simulation environments.
Language: Python - Size: 2.55 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 75 - Forks: 8

ashutosh1919/neuro-symbolic-sudoku-solver
⚙️ Solving sudoku using Deep Reinforcement learning in combination with powerful symbolic representations.
Language: Python - Size: 4.13 MB - Last synced at: 1 day ago - Pushed at: over 3 years ago - Stars: 73 - Forks: 9

StephanAkkerman/tensortrade-extras
Discover a curated list of projects complementing TensorTrade, distinct from those mentioned in its official documentation. Contributions are welcome; if you spot a missing project, please submit a pull request!
Size: 58.6 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 71 - Forks: 12

dvalenciar/ReinforceUI-Studio
ReinforceUI-Studio. A Python-based application designed to simplify the configuration and monitoring of RL training processes. Supporting MuJoCo, OpenAI Gymnasium, and DeepMind Control Suite. Algorithms included: CTD4, DDPG, DQN, PPO, SAC, TD3, TQC
Language: Python - Size: 21.3 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 65 - Forks: 3

TheMTank/RL-code-resources
A collection of Reinforcement Learning GitHub code resources divided by frameworks and environments
Size: 22.6 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 58 - Forks: 8

sdsubhajitdas/Rocket_Lander_Gym
💥💥 This is a easy installable extension for OpenAi Gym Environment. This simulates SpaceX Falcon landing.
Language: Python - Size: 4.32 MB - Last synced at: 12 days ago - Pushed at: almost 7 years ago - Stars: 57 - Forks: 5

shasankp000/AI-Player
A minecraft mod which aims to add a "second player" into the game which will actually be intelligent.
Language: Java - Size: 2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 51 - Forks: 4

Naereen/gym-nes-mario-bros
🐍 🏋 OpenAI GYM for Nintendo NES emulator FCEUX and 1983 game Mario Bros. + Double Q Learning for mastering the game
Language: Python - Size: 3.12 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 51 - Forks: 15

rpatrik96/pytorch-a2c
A well-documented A2C written in PyTorch
Language: Python - Size: 8.79 KB - Last synced at: about 7 hours ago - Pushed at: about 6 years ago - Stars: 50 - Forks: 10

ycchen1989/Var-QuantumCircuits-DeepRL
Variational Quantum Circuits for Deep Reinforcement Learning since 2019. Xanadu Quantum Software Competition 1st Prize 2019.
Language: Python - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 48 - Forks: 19

schneimo/ddpg-pytorch 📦
PyTorch implementation of DDPG for continuous control tasks.
Language: Python - Size: 115 MB - Last synced at: 19 days ago - Pushed at: over 5 years ago - Stars: 46 - Forks: 11

paulorocosta/learning-2opt-drl
Learning 2-opt Heuristics for the TSP via Deep Reinforcement Learning
Language: Python - Size: 82.2 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 41 - Forks: 18

mike-gimelfarb/deep-successor-features-for-transfer
A reusable framework for successor features for transfer in deep reinforcement learning using keras.
Language: Python - Size: 1 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 40 - Forks: 11

linesd/tabular-methods
Tabular methods for reinforcement learning
Language: Python - Size: 1.51 MB - Last synced at: 14 days ago - Pushed at: almost 5 years ago - Stars: 38 - Forks: 8

christianhidber/easyagents
Reinforcement Learning for Practitioners.
Language: Jupyter Notebook - Size: 155 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 18

xiangwang1223/reinforced_causal_explainer
Reinforced Causal Explainer for Graph Neural Networks, TPAMI2022
Language: Python - Size: 16.1 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 35 - Forks: 4

kachayev/gym-microrts-paper-sb3
RL agent to play μRTS with Stable-Baselines3 and PyTorch
Language: Python - Size: 293 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 26 - Forks: 4

yyzpiero/RL4RedTeam
A PPO agent leveraging reinforcement learning performs Penetration Testing in a simulated computer network environment. The agent is trained to scan for vulnerabilities in the network and exploit them to gain access to various network resources.
Language: Python - Size: 7.41 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 25 - Forks: 6

lucasrea/algorithmicTrader
Implementation of algorithmic trading using reinforcement learning.
Language: Python - Size: 40 KB - Last synced at: 10 months ago - Pushed at: almost 5 years ago - Stars: 25 - Forks: 14

restorenode/mappo-competitive-reinforcement
🎾 Multi-Agent Proximal Policy Optimization approach to a competitive reinforcement learning problem
Language: Python - Size: 2.28 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 22 - Forks: 1

guiltygyoza/tictactoe-on-starknet
RL-driven agent playing tic-tac-toe on starknet against challengers.
Language: Python - Size: 175 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 1

TheHandsomeDev/evolveRL
Empower Truly Autonomous AI Agents through our Experimental Adversarial and Evolutionary Reinforcement Learning Framework. Join our Community: https://t.me/evolveRL_portal
Language: Python - Size: 5.08 MB - Last synced at: 8 days ago - Pushed at: 5 months ago - Stars: 18 - Forks: 6

gibbsbravo/ParaPhrasee
Paraphrase Generation Using Deep Reinforcement Learning - MSc Thesis
Language: Python - Size: 1.88 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 18 - Forks: 5

dmitrykazhdan/MARLeME
General-purpose library for extracting interpretable models from Multi-Agent Reinforcement Learning systems
Language: C++ - Size: 215 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 18 - Forks: 2

ondrejbiza/bandits
Comparison of bandit algorithms from the Reinforcement Learning bible.
Language: Python - Size: 1.35 MB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 17 - Forks: 0

grahamwaters/GnomansLand
An open-world reinforcement learning playground for gnomes filled with dangerous peril and bountiful treasure.
Language: Python - Size: 225 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 15 - Forks: 1

Nicolepcx/transformers-the-definitive-guide
This is the official repository for the book Transformers - The Definitive Guide
Language: Jupyter Notebook - Size: 9.86 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 13 - Forks: 5

sustainable-computing/COBS
COBS: COmprehensive Building Simulator
Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 5

ondrejbiza/racetrack
An environment for tabular Reinforcement Learning agents.
Language: Python - Size: 206 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 13 - Forks: 5

fannie1208/W4S
Weak-for-Strong: Training Weak Meta-Agent to Harness Strong Executors
Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 12 - Forks: 0

pr-shukla/maddpg-keras
Implementation Multi-Agent Deep Deterministic Policy Gradient (MADDPG) algorithm in keras
Language: Python - Size: 7.73 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 1

releat215/releat
REinforcement LEarning for Algorithmic Trading is a python framework for medium frequency trading algorithms for MetaTrader 5
Language: Python - Size: 2.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 5

ERFANFATHi-E/EMPEROR-J
EMPEROR Junior team
Language: C++ - Size: 312 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 0

nassimaliou/ai-snake
Teaching an AI model to play snake with Reinforcement Learning and Q learning using PyTorch and Pygame.
Language: Python - Size: 597 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 0

reinai/HumanoidRobotWalk
Implementation of Trust Region Policy Optimization and Proximal Policy Optimization algorithms on the objective of Robot Walk.
Language: Python - Size: 78.4 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 0

djbyrne/core_rl
Repo of core reinforcement learning algorithms and explanations using pytorch lightning
Language: Python - Size: 238 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 5

LeroyChristopherDunn/CLGridWorld
Configurable Curriculum Learning Domain for Reinforcement Learning Agents. As specified by [Narvekar, Sanmit, Jivko Sinapov, and Peter Stone. "Autonomous Task Sequencing for Customized Curriculum Design in Reinforcement Learning." IJCAI. 2017.]
Language: Python - Size: 985 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

cpohagwu/timeseries_agent
TimeSeries Agent is a powerful reinforcement learning library designed for time series analysis and prediction.
Language: Python - Size: 3.78 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 7 - Forks: 0

pcluteijn/MazeLearning
Q-Learing algorithm solves simple mazes.
Language: MATLAB - Size: 230 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 7 - Forks: 1

jeffasante/grpo-maze-solver
A reinforcement learning agent that learns to solve mazes using Group Relative Policy Optimization (GRPO).
Language: Python - Size: 77.1 KB - Last synced at: 21 days ago - Pushed at: 4 months ago - Stars: 7 - Forks: 1

zombie-einstein/JAX-PPO
JAX Implementation of Proximal Policy Optimisation Algorithm
Language: Python - Size: 1000 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 7 - Forks: 0

mivp-agent/moos-ivp-agent
Model agnostic ML tooling for MOOS-IvP
Language: C++ - Size: 81.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 3

kachayev/car-racing-attention-agent
Reproduce the results of "Neuroevolution of Self-Interpretable Agents" paper
Language: Python - Size: 80.1 KB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

rkc007/AlphaGo-Zero-Implementation-Using-Reinforcement-Learning
This is my implementation of the DeepMind's AlphaZero algorithm for the Game of Go
Language: Python - Size: 50.8 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 2

sbharadwajj/Robot-Navigation-using-Reinforcement-Learning
Robotic Navigation of a quadpod using reinforcement learning
Language: Python - Size: 40 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 2

Pabloo22/tabular_rl
A simple Reinforcement Learning framework to decouple agents from environments in discrete-state settings with implementations of double Q-learning and policy iteration through dynamic programming.
Language: Python - Size: 248 KB - Last synced at: 28 days ago - Pushed at: 5 months ago - Stars: 6 - Forks: 0

SwaksharDeb/Investment-decession-making-with-reinforcement-learning
An automated trading bot using deep reinforcement learning.
Language: Python - Size: 10.5 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 1

andrewjc/wolf3d-golang
This project combines the power of reinforcement learning with a custom raycasting game engine written in Golang, reminiscent of the classic Wolf3D game.
Language: Go - Size: 1.25 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

giuliomattera/Cartpole-RL-agents-control-ros-bridge-for-simulink
In this repo SARSA, DDPG and REINFORCE with baseline (AC) agents are developed in tensorflow (python) and interact with a Simulink model for training. A ROS bridge is created for this scope. At the end of training the networks could be used as controller when TRAIN is set to False. OpenAI gym is used to test networks capability to learn.
Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 2

sahilgupta2105/Deep-Reinforcement-Learning
This repository contains code for simulating coupled motion of rigid ball and fluid in 2D and this is used as an environment in Gym to train a controller to balance the ball in air.
Language: C++ - Size: 10.5 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 0

CristianCosci/Reinforcement_Learning_Mouse_vs_Cat
Two intelligent agents (cat and mouse) compete with each other to achieve their goal. Agents are trained through reinforcement learning (Q-learning).
Language: Python - Size: 21.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

UzmaHasan/KCRL
Causal Discovery with Prior Knowledge
Language: Python - Size: 808 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

KohlerHECTOR/LunarLander-v2
Using Stable-Baselines 3 library to train a LunarLander-v2 agent. With Yannis Elrharbi-Fleury : https://github.com/sohio92
Language: Python - Size: 5.5 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 0

shipjobs/Deep-Reinforcement-Learning-for-Stock-Trading-ongoing-
kaggle - "Deep Reinforcement Learning on Stock Data" 을 위해, 우선 특정 주식 데이터를 두고 RL 모델을 단계별로 적용해 보고자 합니다. (기초: SKKU RL 팀프로젝트 결과물)
Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

wegfawefgawefg/wegs-drl-baselines
Minimum viable reinforcement learning algorithms for your educational convenience.
Language: Python - Size: 1.45 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

rdulmina/Traffic-Control-Reinforcement-Learing-Agent
Deep Reinforcement Learning Agent to control traffic light providing emergency facilitation using real-time traffic data.
Language: Jupyter Notebook - Size: 3.81 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

sintefneodroid/AAV
Autonomous Aerial Vehicle
Language: C# - Size: 87.5 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 0

TopAgrume/Atari-Rainbow-DQN
Reinforcement learning project for Atari Breakout
Language: Python - Size: 78.5 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

Pegah-Ardehkhani/Reinforcement-Learning-Algorithms-from-Scratch
Explore key RL algorithms with detailed explanations and fully commented Python code implementations
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0

azminewasi/Curated-Reinforcement-Learning-Resources
Reinforcement learning is a machine learning technique where agents learn to make optimal decisions by maximizing reward signals through interactions with environment. This repository provides a curated list of resources for learning reinforcement learning, including courses, & tutorials from various providers.
Size: 206 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

ehsansaleh/code_cgym
A fast C++ implementation of OpenAI's Gym library.
Language: C - Size: 23.3 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

slrbl/reinforcement-learning-game
A random environment reinforcement learning-powered Mario game
Language: JavaScript - Size: 3.57 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 2

gabotechs/lazaro
Reinforcement learning framework for implementing custom models on custom environments using state of the art RL algorithms
Language: Python - Size: 1.63 MB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

Bennyhwanggggg/2020-AWS-Networking-DeepRacer-Cup
AWS Networking Organisation Internal DeepRacer Cup 2020
Language: Python - Size: 44.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

bmazoure/pixel_world
Language: Python - Size: 108 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 1

kinwo/deeprl-tennis-competition
Learning to play tennis from scratch with AlphaGo Zero style self-play using DDPG
Language: HTML - Size: 1.55 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

Mottl/cartpole_solver
Deep Q-Network (DQN) for CartPole game from OpenAI gym
Language: Python - Size: 8.79 KB - Last synced at: 7 months ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 3

dragunovdenis/TrainingCell
Reinforcement learning algorithms
Language: C++ - Size: 10.7 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

taslater/tippy-project
Website with interactive client-side CMA-ES (blackbox optimizer) demos. Reinforcement-learning demos allow users to control RL-trained robots.
Language: JavaScript - Size: 64.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 1

uttej2001/StockBot-Real-Time-Trading-Assistant
Developed a cutting-edge Stock Trading bot leveraging real-time closing price data. Our experiment compared four distinct agents: Policy Gradient, Q-learning, Moving Average, and Actor Critic.
Language: Jupyter Notebook - Size: 21.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 2

LALalitViyogi/PaddleTheBall
This is an basic paddle game with a main objective of resisting the ball from touching the ground. We are automating the game by training an AI model using Q Learning Algorithm from #Reinforcement #learning with Epsilon #Greedy Method. #viyogi #python #machinelearning #artificialintelligence #automation #game
Language: Python - Size: 170 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

MZayed47/DDPG_Agent
Deep Deterministic Policy Gradient (DDPG) is a model-free off-policy algorithm for learning continuous actions. It is a reinforcement learning technique that combines ideas from DPG (Deterministic Policy Gradient) and DQN (Deep Q-Network). From DQN, it uses Experience Replay and Slow-learning target networks. From DPG, it incorporates Operating over continuous action spaces.
Language: Jupyter Notebook - Size: 7.86 MB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

mistermoutan/Doom-RL
Implementation of Deep Reinforcement Learning algorithms. Methods are applied to a self-learning video game agent in the DOOM videogame.
Language: Python - Size: 93.1 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

reinai/FlappyBirdAI
Various reinforcement learning algorithms applied to Flappy Bird game agent
Language: Python - Size: 5.73 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

jedrazb/rl-grid-world
Reinforcement learning agent which finds a path to the goal in a grid world. This exercise was done as a coursework for course C424 at Imperial College London.
Language: Python - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

iamfarazbaig/RL-based-VNE-for-virtual-networks
MSc Dissertation project
Language: Python - Size: 238 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

vkurenkov/cem-tetris
Solving Tetris using Cross-Entropy Method
Language: Haskell - Size: 8.81 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

hypnosapos/sonic-rl-remote
Sonic game by reinforcement learning
Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

SandyTheAdventurer/StarAgent
RL agent to play StarCraft II
Language: Python - Size: 55.7 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

QuantDevJayson/robo-credit-underwriter-multi-rl
AI-driven credit underwriting system combining Machine Learning (ML) & Reinforcement Learning (RL) to optimize loan approvals while managing risk: Credit Risk Prediction via Random Forest model; PPO & DQN for dynamic risk control; Custom OpenAI Gym Environment for simulating real-world lending scenarios & FastAPI real-time processing.
Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: 20 days ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1

A-acuto/RLYawningTitan
Defending the unknown: Exploring reinforcement learning agents’ deployment in realistic, unseen networks
Language: Jupyter Notebook - Size: 133 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

Feel-The-AGI/reinforcement-learning_through_Tree-of-Thought
Reinforcement Learning through Tree-of-Thought (ToT) with pure math
Language: Python - Size: 638 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

fthbng77/evolving-simple-organisms
reinforcement-learning for organisms
Language: Python - Size: 21.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Allenpandas/2021-Reinforcement-Learning-Conferences-Papers 📦
The proceedings of top conference in 2021 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.
Size: 108 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

fracapuano/Quinto
Repository for the final project of the "Computational Intelligence" course @ PoliTo, 2022/2023
Language: Python - Size: 20.1 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

paulinamoskwa/MLAgents-Unity-Starter
First steps in ML-Agents and Unity 🤖
Size: 19 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

sharon12312/reinforcement-learning-final-project
Reinforcement Learning Final Project
Language: Python - Size: 2.22 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

EnigmaData/rlinc
Reinforcement Learning Starters Package for Multi-arm Bandits Problem
Language: Python - Size: 35.2 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

imm-rl-lab/reinforcement_learning_baseline
The implementation of popular deep reinforcement learning algorithms
Language: Jupyter Notebook - Size: 4.19 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

vishvas-2000/Flappybird
Flappy bird game and playing Agent
Language: Python - Size: 480 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 2

hasanm08/runaway_mouse
simple game implemented with Reinforcement Learning method
Language: Python - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0
