Topic: "q-learning"
datawhalechina/easy-rl
强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/
Language: Jupyter Notebook - Size: 516 MB - Last synced at: 3 days ago - Pushed at: 12 days ago - Stars: 11,214 - Forks: 2,025

MorvanZhou/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Language: Python - Size: 428 KB - Last synced at: 14 days ago - Pushed at: about 1 year ago - Stars: 9,166 - Forks: 5,024

XinJingHao/DRL-Pytorch
Clean, Robust, and Unified PyTorch implementation of popular Deep Reinforcement Learning (DRL) algorithms (Q-learning, Duel DDQN, PER, C51, Noisy DQN, PPO, DDPG, TD3, SAC, ASL)
Language: Python - Size: 56.9 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 2,368 - Forks: 302

AminHP/gym-anytrading
The most simple, flexible, and comprehensive OpenAI Gym trading environment (Approved by OpenAI Gym)
Language: Python - Size: 3.64 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 2,259 - Forks: 485

vmayoral/basic_reinforcement_learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Language: Jupyter Notebook - Size: 43.1 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 1,142 - Forks: 362

pskrunner14/trading-bot
Stock Trading Bot using Deep Q-Learning
Language: Jupyter Notebook - Size: 9.42 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1,032 - Forks: 349

sudharsan13296/Hands-On-Reinforcement-Learning-With-Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 847 - Forks: 325

omerbsezer/Reinforcement_learning_tutorial_with_demo 📦
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Language: Jupyter Notebook - Size: 151 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 751 - Forks: 174

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: 5 days ago - Pushed at: about 1 year ago - Stars: 674 - Forks: 74

mpatacchiola/dissecting-reinforcement-learning
Python code, PDFs and resources for the series of posts on Reinforcement Learning which I published on my personal blog
Language: Python - Size: 28.1 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 615 - Forks: 179

glample/Arnold
Arnold - DOOM Agent
Language: Python - Size: 168 MB - Last synced at: 6 days ago - Pushed at: over 3 years ago - Stars: 524 - Forks: 106

VinF/deer
DEEp Reinforcement learning framework
Language: Python - Size: 12.6 MB - Last synced at: 14 days ago - Pushed at: about 1 year ago - Stars: 484 - Forks: 123

filangelos/qtrader 📦
Reinforcement Learning for Portfolio Management
Language: Jupyter Notebook - Size: 41.6 MB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 455 - Forks: 168

sudharsan13296/Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Language: Jupyter Notebook - Size: 23.9 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 409 - Forks: 136

lucidrains/q-transformer
Implementation of Q-Transformer, Scalable Offline Reinforcement Learning via Autoregressive Q-Functions, out of Google Deepmind
Language: Python - Size: 1.56 MB - Last synced at: 29 days ago - Pushed at: 3 months ago - Stars: 370 - Forks: 21

golsun/deep-RL-trading
playing idealized trading games with deep reinforcement learning
Language: Python - Size: 972 KB - Last synced at: 11 months ago - Pushed at: almost 4 years ago - Stars: 348 - Forks: 124

ankonzoid/LearningX
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Language: Python - Size: 3.88 MB - Last synced at: 11 months ago - Pushed at: almost 2 years ago - Stars: 344 - Forks: 186

vdutor/TF-rex
Play Google Chrome's T-rex game with TensorFlow
Language: JavaScript - Size: 48.5 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 344 - Forks: 53

Paperspace/DinoRunTutorial
Accompanying code for Paperspace tutorial "Build an AI to play Dino Run"
Language: Jupyter Notebook - Size: 405 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 327 - Forks: 103

accel-brain/accel-brain-code
The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.
Language: Python - Size: 98.3 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 314 - Forks: 92

AndreaVidali/Deep-QLearning-Agent-for-Traffic-Signal-Control
A framework where a deep Q-Learning Reinforcement Learning agent tries to choose the correct traffic light phase at an intersection to maximize traffic efficiency.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 312 - Forks: 126

nuno-faria/tetris-ai
A deep reinforcement learning bot that plays tetris
Language: Python - Size: 8.73 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 294 - Forks: 72

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

nick6918/MyDeepLearning
A deep learning library to provide algs in pure Numpy or Tensorflow.
Language: Python - Size: 2.65 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 294 - Forks: 59

cyoon1729/deep-Q-networks 📦
Implementations of algorithms from the Q-learning family. Implementations inlcude: DQN, DDQN, Dueling DQN, PER+DQN, Noisy DQN, C51
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 278 - Forks: 82

ucaiado/rl_trading
An environment to high-frequency trading agents under reinforcement learning
Language: Python - Size: 3.97 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 278 - Forks: 119

cool-RR/marley
A framework for multi-agent reinforcement learning.
Language: Python - Size: 30.7 MB - Last synced at: about 12 hours ago - Pushed at: almost 3 years ago - Stars: 272 - Forks: 26

frontbenchHQ/Data-Science-Free
Free Resources For Data Science created by Shubham Kumar
Size: 1.57 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 267 - Forks: 173

rishal-hurbans/Grokking-Artificial-Intelligence-Algorithms
The official code repository supporting the book, Grokking Artificial Intelligence Algorithms
Language: Python - Size: 42.8 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 252 - Forks: 127

Allenpandas/Reinforcement-Learning-Papers
📚 List of Top-tier Conference Papers on Reinforcement Learning (RL),including: NeurIPS, ICML, AAAI, IJCAI, AAMAS, ICLR, ICRA, etc.
Size: 608 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 246 - Forks: 30

navjindervirdee/2048-deep-reinforcement-learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Language: Jupyter Notebook - Size: 36.4 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 212 - Forks: 54

Sea-Snell/Implicit-Language-Q-Learning
Official code from the paper "Offline RL for Natural Language Generation with Implicit Language Q Learning"
Language: Python - Size: 1.14 MB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 207 - Forks: 18

harveybc/gym-fx
Forex trading simulator environment for OpenAI Gym, observations contain the order status, performance and timeseries loaded from a CSV file containing rates and indicators. Work In Progress
Language: Python - Size: 21.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 204 - Forks: 51

Madhu009/Deep-math-machine-learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Language: Jupyter Notebook - Size: 44.5 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 195 - Forks: 174

jczic/MicroMLP
A micro neural network multilayer perceptron for MicroPython (used on ESP32 and Pycom modules)
Language: Python - Size: 209 KB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 188 - Forks: 26

mjuchli/ctc-executioner
Master Thesis: Limit order placement with Reinforcement Learning
Language: Jupyter Notebook - Size: 60 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 167 - Forks: 81

lucidrains/llama-qrlhf
Implementation of the Llama architecture with RLHF + Q-learning
Language: Python - Size: 26.4 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 163 - Forks: 8

navuboy/rl_ardrone
Autonomous Navigation of UAV using Reinforcement Learning algorithms.
Language: Python - Size: 303 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 152 - Forks: 55

Unity-Technologies/Q-GridWorld
Demo project using tabular Q-learning algorithm
Language: C# - Size: 778 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 140 - Forks: 34

chen0040/java-reinforcement-learning
Package provides java implementation of reinforcement learning algorithms such Q-Learn, R-Learn, SARSA, Actor-Critic
Language: Java - Size: 154 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 126 - Forks: 41

JuliaMusic/PianoFingering.jl 📦
(Experimental, a lot of bugs) Automatic fingering generator for piano scores, determining optimal fingering using Model-Based Reinforcement Learning, written in the Julia language.
Language: Julia - Size: 450 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 111 - Forks: 4

AgentMaker/Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Language: Python - Size: 14.1 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 110 - Forks: 13

ravi72munde/Chrome-Dino-Reinforcement-Learning
An RL implementation in Keras
Language: Jupyter Notebook - Size: 138 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 102 - Forks: 21

Urinx/ReinforcementLearning
Reinforcing Your Learning of Reinforcement Learning
Language: Python - Size: 118 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 94 - Forks: 22

qlan3/Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Language: Python - Size: 914 KB - Last synced at: 24 days ago - Pushed at: 25 days ago - Stars: 92 - Forks: 14

TheoLvs/reinforcement-learning
Personal experiments on Reinforcement Learning
Language: Jupyter Notebook - Size: 39.6 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 79 - Forks: 36

wurmen/Flow-Shop-Scheduling-Based-On-Reinforcement-Learning-Algorithm
Operations Research Application Project - Flow Shop Scheduling Based On Reinforcement Learning Algorithm
Language: Python - Size: 31.3 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 75 - Forks: 34

LyapunovJingci/Warehouse_Robot_Path_Planning
A multi agent path planning solution under a warehouse scenario using Q learning and transfer learning.🤖️
Language: Python - Size: 2.58 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 72 - Forks: 19

italohdc/LearnSnake
🐍 AI that learns to play Snake using Q-Learning (Reinforcement Learning)
Language: JavaScript - Size: 2.74 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 68 - Forks: 19

yazanobeidi/flow
High frequency AI based algorithmic trading module.
Language: Python - Size: 9.33 MB - Last synced at: about 1 year ago - Pushed at: almost 9 years ago - Stars: 68 - Forks: 25

marooncn/RL
Reinforcement Learning Demos
Language: Python - Size: 28.5 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 65 - Forks: 13

matpalm/drivebot 📦
tensorflow deep RL for driving a rover around
Language: Python - Size: 436 KB - Last synced at: 4 days ago - Pushed at: almost 8 years ago - Stars: 64 - Forks: 13

BardOfCodes/DRL_in_CV
A course on Deep Reinforcement Learning in Computer Vision. Visit Website:
Language: HTML - Size: 26.4 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 62 - Forks: 12

shakedzy/notebooks
Some notebooks
Language: Jupyter Notebook - Size: 50.6 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 61 - Forks: 58

matheusportela/Multiagent-RL
Multiagent reinforcement learning simulation framework - Undergraduate thesis in Mechatronics Engineering at the University of Brasília
Language: Python - Size: 8.09 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 60 - Forks: 16

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

iisys-hof/map-matching-2
High Performance Map Matching with Markov Decision Processes (MDPs) and Hidden Markov Models (HMMs).
Language: C++ - Size: 20.1 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 58 - Forks: 9

lufficc/dqn
Implementation of q-learning using TensorFlow
Language: Python - Size: 508 KB - Last synced at: 7 days ago - Pushed at: about 8 years ago - Stars: 58 - Forks: 20

KodAgge/Reinforcement-Learning-for-Market-Making
Using tabular and deep reinforcement learning methods to infer optimal market making strategies
Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 57 - Forks: 20

gsurma/deep_traffic
MIT DeepTraffic top 2% solution (75.01 mph) 🚗.
Language: JavaScript - Size: 5.81 MB - Last synced at: about 12 hours ago - Pushed at: almost 4 years ago - Stars: 55 - Forks: 11

SamRagusa/Checkers-Reinforcement-Learning
A checkers reinforcement learning AI, and all the tools needed to train it.
Language: Python - Size: 49.8 KB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 55 - Forks: 14

chengxi600/RLStuff
A collection of reinforcement learning algorithm implementations
Language: Jupyter Notebook - Size: 926 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 54 - Forks: 35

callmespring/RL-short-course
Reinforcement Learning Short Course
Language: Jupyter Notebook - Size: 95.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 53 - Forks: 18

amineremache/qbso-fs
Python implementation of QBSO-FS : a Reinforcement Learning based Bee Swarm Optimization metaheuristic for Feature Selection problem.
Language: Jupyter Notebook - Size: 4.69 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 52 - Forks: 15

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: 27 days ago - Pushed at: 27 days ago - Stars: 51 - Forks: 4

suessmann/intelligent_traffic_lights 📦
Traffic Lights Control with Deep Learning
Language: Python - Size: 9.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 49 - Forks: 12

avkhimen/Electric_Vehicle_Charging_Simulation
This project implements Q-Learning to find the optimal policy for charging and discharging electric vehicles in a V2G scheme under conditions of uncertain commitment of EV owners. The problem is modelled as a multi-objective multi-agent cooperative game. Project is part of fulfillment criteria for ECE 730 course at the University of Alberta.
Language: Python - Size: 1.09 MB - Last synced at: 4 days ago - Pushed at: about 3 years ago - Stars: 49 - Forks: 5

iamjagdeesh/Artificial-Intelligence-Pac-Man
CSE 571 Artificial Intelligence
Language: Python - Size: 2.29 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 45 - Forks: 54

dbobrenko/async-deeprl
Playing Atari games with TensorFlow implementation of Asynchronous Deep Q-Learning
Language: Python - Size: 115 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 43 - Forks: 9

dmitrijsc/practical-rl
Reinforcement learning in Julia. Solving OpenAI gym.
Language: Julia - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 43 - Forks: 3

Grzego/async-rl
Variation of "Asynchronous Methods for Deep Reinforcement Learning" with multiple processes generating experience for agent (Keras + Theano + OpenAI Gym)[1-step Q-learning, n-step Q-learning, A3C]
Language: Python - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 43 - Forks: 13

fabiopardo/qmap
Scaling All-Goals Updates in Reinforcement Learning Using Convolutional Neural Networks
Language: Python - Size: 13.6 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 41 - Forks: 13

peihaowang/DRLCache
Deep reinforcement learning-based replacement strategy for content caching.
Language: Python - Size: 815 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 38 - Forks: 13

daugaard/q-learning-simple-game
Language: Ruby - Size: 13.7 KB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 37 - Forks: 17

alexge233/relearn
A Reinforcement Learning Library for C++11/14
Language: C++ - Size: 258 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 14

BY571/Implicit-Q-Learning
PyTorch implementation of the implicit Q-learning algorithm (IQL)
Language: Python - Size: 44.3 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 35 - Forks: 3

hsvgbkhgbv/shapley-q-learning
This repo is the implementation of paper ''SHAQ: Incorporating Shapley Value Theory into Multi-Agent Q-Learning''.
Language: Python - Size: 228 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 32 - Forks: 12

JDatPNW/QPlane
Fixed Wing Flight Simulation Environment for Reinforcement Learning
Language: Python - Size: 1.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 7

artem-oppermann/Deep-Reinforcement-Learning
A collection of several Deep Reinforcement Learning techniques (Deep Q Learning, Policy Gradients, ...), gets updated over time.
Language: Python - Size: 1.45 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 31 - Forks: 13

maxgillham/ReinforcementLearning-AlgoTrading
Code for thesis project on applying reinforcement learning to algorithmic trading
Language: Python - Size: 19.7 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 29 - Forks: 10

seyedsaeidmasoumzadeh/Fuzzy-Q-Learning
A Python implementation of Fuzzy Q-Learning (FQL) for any controllers with continues states
Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 28 - Forks: 11

NeymarL/Pacman-RL
Implement some reinforcement learning algorithms, test and visualize on Pacman.
Language: Python - Size: 7.26 MB - Last synced at: 20 days ago - Pushed at: over 6 years ago - Stars: 27 - Forks: 2

cgel/DRL
A collection of Deep Reinforcement Learning algorithms implemented in tensorflow. Very extensible. High performing DQN implementation.
Language: Python - Size: 1.16 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 27 - Forks: 9

vivek3141/pacman-ai
A.I. plays the original 1980 Pacman using Neuroevolution of Augmenting Topologies and Deep Q Learning
Language: Python - Size: 1.57 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 26 - Forks: 4

stratisMarkou/sample-efficient-bayesian-rl
Source for the sample efficient tabular RL submission to the 2019 NIPS workshop on Biological and Artificial RL
Language: Jupyter Notebook - Size: 44.8 MB - Last synced at: 29 days ago - Pushed at: about 3 years ago - Stars: 25 - Forks: 15

shakedzy/tic_tac_toe
Teaching the computer to play Tic Tac Toe using Deep Q Networks
Language: Python - Size: 18.2 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 25 - Forks: 4

makaveli10/reinforcementLearning
Reinforcement Learning - Implementation of Exercises, algorithms from the book Sutton Barto and David silver's RL course in Python, OpenAI Gym.
Language: Jupyter Notebook - Size: 6.84 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 4

BY571/Normalized-Advantage-Function-NAF-
PyTorch implementation of the Q-Learning Algorithm Normalized Advantage Function for continuous control problems + PER and N-step Method
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 13

mimoralea/king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Language: Python - Size: 59.6 MB - Last synced at: 28 days ago - Pushed at: about 8 years ago - Stars: 23 - Forks: 7

moripiri/Reinforcement-Learning-on-FrozenLake
Reinforcement Learning Algorithms in FrozenLake-v1
Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 22 - Forks: 2

doerlbh/mentalRL
Code for our AAMAS 2020 paper: "A Story of Two Streams: Reinforcement Learning Models from Human Behavior and Neuropsychiatry".
Language: Jupyter Notebook - Size: 59.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 22 - Forks: 7

DavidMouse1118/Reinforcement-Learning-Maze-World
SARSA, Q-Learning, Expected SARSA, SARSA(λ) and Double Q-learning Implementation and Analysis
Language: Python - Size: 12 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 22 - Forks: 7

satwikkansal/q-learning-taxi-v3
Simple q-learning implementation for taxi-v3 environment of Open AI gym.
Language: Python - Size: 21.5 KB - Last synced at: 6 days ago - Pushed at: about 3 years ago - Stars: 21 - Forks: 9

ehknight/natural-gradient-deep-q-learning
Language: Shell - Size: 39.4 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 3

jacobkahn/reinforcement-learning-market-microstructure
Using Q-learning to better navigate orderbooks.
Language: Python - Size: 33.7 MB - Last synced at: 30 days ago - Pushed at: about 7 years ago - Stars: 21 - Forks: 4

yudasong/HyQ
Official code repo for paper: Hybrid RL: Using both offline and online data can make RL efficient.
Language: Python - Size: 26.3 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 20 - Forks: 3

IgnacioCarlucho/Double_QPID
Double_QPID as in the article Double Q-PID algorithm for mobile robot control
Language: Python - Size: 284 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 20 - Forks: 5

A-Raafat/Torcs---Reinforcement-Learning-using-Q-Learning
Lane keeping assistant using Reinforcement learning
Language: Python - Size: 3 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 20 - Forks: 4

parachutel/Q-Learning-for-Intelligent-Driver
We propose a driver modeling process of an intelligent autonomous driving policy, which is obtained through Q-learning.
Language: MATLAB - Size: 943 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 20 - Forks: 7

DosepackAIR/MARL-DPP
Multi Agent Reinforcement Learning for Dense Path Planning
Language: Python - Size: 5.16 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 3
