An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: sarsa

MorvanZhou/Reinforcement-learning-with-tensorflow

Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学

Language: Python - Size: 428 KB - Last synced at: about 16 hours ago - Pushed at: about 1 year ago - Stars: 9,185 - Forks: 5,026

ostad-ai/Reinforcement-Learning

This repository is about Reinforcement Learning (RL) and related topics

Language: Jupyter Notebook - Size: 188 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

kkm24132/ReinforcementLearning

Focuses on Reinforcement Learning related concepts, use cases, and learning approaches

Language: Jupyter Notebook - Size: 7.56 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 7 - Forks: 3

datawhalechina/easy-rl

强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/

Language: Jupyter Notebook - Size: 516 MB - Last synced at: 5 days ago - Pushed at: 8 days ago - Stars: 11,289 - Forks: 2,029

ai-glimpse/toyrl

Reinforce learning is awesome!

Language: Python - Size: 2.78 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 14 - Forks: 1

Sphincz/PacmanRL

PacmanRL - Reinforcement Learning for Pacman (Q-Learning / SARSA)

Language: Python - Size: 1.92 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

sweetice/Deep-reinforcement-learning-with-pytorch

PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....

Language: Python - Size: 42.1 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 4,288 - Forks: 875

PaddlePaddle/awesome-DeepLearning

深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI

Language: Jupyter Notebook - Size: 478 MB - Last synced at: 7 days ago - Pushed at: 10 months ago - Stars: 3,345 - Forks: 849

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: 4 days ago - Pushed at: about 2 years ago - Stars: 621 - Forks: 180

meskoj/Reinforcement-Learning

A set of exercises with relative solutions from Sutton and Barto book and OPENAI GYM

Language: Python - Size: 81.7 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 2 - Forks: 0

narayan-bhattarai/BaghChal

🐅🐐 Reinforcement Learning for BaghChal, a strategic Nepali board game. Trains and compares Q-Learning, SARSA, Expected SARSA, and DQN agents in a custom multi-agent environment. Play against the AI or visualize learning progress!

Language: Python - Size: 0 Bytes - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

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: 4 days ago - Pushed at: over 4 years ago - Stars: 850 - Forks: 324

bmarroc/reinforcement-learning

Jupyter notebooks implementing Reinforcement Learning algorithms in Numpy and Tensorflow

Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: 23 days ago - Pushed at: 24 days ago - Stars: 1 - Forks: 1

negarhonarvar/DeepReinforcementLearning

A Complete Collection of Deep RL Famous Algorithms implemented in Gymnasium most Popular environments

Language: Python - Size: 6.42 MB - Last synced at: 28 days ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 0

zw007981/BasicRLAlgo

a Python library that implements various reinforcement learning algorithms using PyTorch and Gymnasium

Language: Python - Size: 32.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Ofekirsh/RL-FlappyBird

Reinforcement Learning agent that plays Flappy Bird using Q-Learning and SARSA, implemented from scratch. Includes a custom environment, tabular Q-table updates, and performance visualization.

Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

suraj5424/Q-Learning-for-Blackjack-in-different-environments

This repository implements Q-Learning in Blackjack, comparing it with random action selection and basic strategies. Includes experiments with various strategies, rule variations, and deck numbers to evaluate performance.

Language: Jupyter Notebook - Size: 2.08 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

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

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 2 months ago - Pushed at: about 6 years ago - Stars: 126 - Forks: 41

florianvazelle/unity-rl

Markov Decision Process and Temporal Difference algorithms

Language: C# - Size: 291 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 0

AlinaBaber/Robotic-Path-Tracking-with-Reinforcement-Learning-Q-Learning-and-SARSA

The project titled "Robotic Path Tracking with Q-Learning and SARSA" focuses on the application of reinforcement learning to the task of robotic path tracking.

Language: Python - Size: 11.2 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 1

Allenpandas/Tutorial4RL

Tutorial4RL: Tutorial for Reinforcement Learning. 强化学习入门教程.

Size: 4.17 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 140 - Forks: 12

timbmg/easy21-rl

Easy21 assignment from David Silver's RL Course at UCL

Language: Python - Size: 1.57 MB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 4

jihoonerd/rl-maze

Simple maze solver by reinforcement learning

Language: Python - Size: 1.54 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 1

gpbonillas/algs_reinforcement_learning

Aprendizaje por refuerzo - Soluciones tabulares

Language: Jupyter Notebook - Size: 110 KB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Shanx011/diss

A simple, minimalist command-line tool for generating and managing textual discussions. Allows users to quickly organize and explore different points of view on a given topic.

Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

deepbiolab/drl

Implementation of deep reinforcement learning

Language: Jupyter Notebook - Size: 30.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

PsorTheDoctor/ludo-rl

Q-learning and SARSA playing ludo.

Language: Python - Size: 544 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MarioFiorino/Tutorial-Reinforcement-Learning-ITA-Python

In questa repository una collezione di tutorial sulle basi del Reinforcement Learning, sviluppati in Python, interamente in italiano.

Language: Jupyter Notebook - Size: 5.46 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 2

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 2 months ago - Pushed at: over 3 years ago - Stars: 110 - Forks: 13

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.

Language: Jupyter Notebook - Size: 215 KB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 5 - Forks: 0

eantcal/nunn

Collection of Machine Learning Algorithms

Language: C++ - Size: 13.3 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 0

moripiri/Reinforcement-Learning-on-FrozenLake

Reinforcement Learning Algorithms in FrozenLake-v1

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 22 - Forks: 2

giuseppepaolisi/Snake_RL

Development of an inteligent agent with RL techniques for the Snake game.

Language: Python - Size: 162 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

JuliaPOMDP/TabularTDLearning.jl

Julia implementations of temporal difference Reinforcement Learning algorithms like Q-Learning and SARSA

Language: Julia - Size: 64.5 KB - Last synced at: 26 days ago - Pushed at: 11 months ago - Stars: 12 - Forks: 6

deepanshut041/Reinforcement-Learning

Implementations of Deep Reinforcement Learning Algorithms and Bench-marking with PyTorch

Language: Jupyter Notebook - Size: 49.5 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 117 - Forks: 37

chen0040/java-reinforcement-learning-tic-tac-toe

Demo of reinforcement learning using tic-tac-toe

Language: Java - Size: 31.3 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 6

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

vt2211/GP-SARSA

Implementation of GP-SARSA and its Relaxations

Language: Jupyter Notebook - Size: 11.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

meetps/CS-747

Assignment codes for CS747 Intelligent and Learning Agents

Language: Python - Size: 34.4 MB - Last synced at: 14 days ago - Pushed at: over 8 years ago - Stars: 7 - Forks: 1

Fer14/raice

Car racing RL agents in actual F1 tracks

Language: Jupyter Notebook - Size: 145 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 12 - Forks: 0

SaiTejaBorgam/On-Policy-Reinforcement-Learning-SARSA

On Policy Reinforcement Learning (SARSA)

Size: 9.77 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

IVproger/RL_ShakeGame_project

This project, developed as part of the Innopolis University's Reinforcement Learning course (2024), emulates the classic Snake game and applies 3-5 different RL algorithms to optimize the agent's performance.

Language: Jupyter Notebook - Size: 20.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

zeynepCankara/Cliff-Walking-Solution

Q-learning and SARSA algorithms from Sutton's Reinforcement Learning book.

Language: Python - Size: 133 KB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 18 - Forks: 6

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 2 months ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 4

ChristianOrr/reinforcement-learning-algorithms

Reinforcement learning algorithms

Language: Jupyter Notebook - Size: 63.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

hartikainen/easy21 📦

Reinforcement learning agents and environment for Easy21, a modified version of Blackjack

Language: Python - Size: 2.77 MB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 14 - Forks: 3

u84819482/Nano-RL

Tabular TD control in MAZE environment using Q-Learning, SARSA, and Expected SARSA

Language: Jupyter Notebook - Size: 667 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

praneethravuri/traffic-congestion-reduction-with-SARSA

This model applies SARSA reinforcement learning for efficient urban traffic and pedestrian management, incorporating simulation, algorithmic implementation, and evaluation to enhance safety and reduce congestion.

Language: Python - Size: 15.5 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 3 - Forks: 1

arnomoonens/yarll

Combining deep learning and reinforcement learning.

Language: Python - Size: 2.83 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 81 - Forks: 28

devspaceship/madepro

A minimal Rust library for solving finite deterministic Markov decision processes

Language: Rust - Size: 64.5 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Anca-Mt/TabularRL-StochasticWindyGridWorld

Q-value iteration algorithm & ON-policy vs OFF-policy learning, introducing SARSA and Q-learning algorithms in the Stochastic Windy Grid environment

Language: Python - Size: 1.48 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

zyxsjdy/Solve-the-Gridworld-Problem-with-Reinforcement-Learning-Cont

Based on the book --- Reinforcement Learning: An Introduction (2nd ed, 2018) by Sutton and Barto. For the Reinforcement Learning course Assignment 3 (see Gridworld Problem 2.pdf) at Memorial University of Newfoundland, Jul. 18, 2024

Language: Jupyter Notebook - Size: 868 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

fardinabbasi/Tabulated_RL

Interactive Learning [ECE 641] - Fall 2023 - University of Tehran - Prof. Nili

Language: Jupyter Notebook - Size: 4.96 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

Konrad-Olszewski/Q_LEARNING_EG_SARSA_TAXI

Q_LEARNING_EG_SARSA_TAXI

Language: Jupyter Notebook - Size: 297 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

saminheydarian/Interactive_Learning_Course_2021

Interactive Learning Course | Home Works & Quiz | Fall 2021 | Prof. Majid Nili

Language: Jupyter Notebook - Size: 5.5 MB - Last synced at: 11 months ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 1

MrShininnnnn/SARSA-Frozen-Lake

An implementation of a SARSA agent to learn policies in the Frozen Lake environment from OpenAI gym.

Language: Jupyter Notebook - Size: 202 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 8 - Forks: 4

zi-ang-liu/Simple_RL

implementations of basic RL algorithms

Language: Python - Size: 146 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Amirarsalan-sn/CartPoleV1

CartPole v1 of gymnasium library solved using two Reinforcement learning algorithms(DQN and SARSA) with two policies (epsilon-greedy and Boltzmann), with results.

Language: Python - Size: 2.97 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

addy1997/RL-Algorithms

This repository has RL algorithms implemented using python

Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 2

Alberto-00/Super-Mario-Bros-AI

The following project concerns the development of an intelligent agent for the famous game produced by Nintendo Super Mario Bros. More in detail: the goal of this project was to design, implement and train an agent with the Q-learning reinforcement learning algorithm.

Language: Python - Size: 28.3 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

nayohan/Maze-RL

Simple Maze Environment Solver using Q-Learning, Sarsa

Language: Jupyter Notebook - Size: 492 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

lokesh97jain/GRID-WORLD-EXPLORATION-USING-REINFORCEMENT-LEARNING

Implementing a reinforcement learning agent in a grid world that earns rewards and faces penalties

Language: Jupyter Notebook - Size: 3.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

xysun/rl-algorithms

DQN, REINFORCE, actor-critic, Q-learning, SARSA, Monte Carlo prediction & control, policy & value iteration

Language: Jupyter Notebook - Size: 399 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 1

geekpradd/Mountain-Car-SARSA-Agent

SARSA Agent to solve the Mountain Car RL problem

Language: Python - Size: 405 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

meokisama/Reinforcement-Learning

Implementing Reinforcement Learning, namely Q-learning and Sarsa algorithms, for global path planning of mobile robot in unknown environment with obstacles.

Language: Python - Size: 26.4 KB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ivanbelenky/RL

R.L. methods and techniques.

Language: Python - Size: 1.3 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 1

nikapotato/sarsa-agent

Implementation of an agent capable of playing a simplified version of the blackjack game using SARSA algorithm.

Language: Python - Size: 325 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SPozder3/RLFinanceProject

Stock Portfolio Management using tabular and deep Q-learning methods - extension of FinRL repo

Language: Jupyter Notebook - Size: 6.91 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Breakend/SarsaVsExpectedSarsa

An a bias-variance tradeoff of Sarsa vs. Expected Sarsa with experiments.

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 8 - Forks: 4

OneRaynyDay/RLEngine

A simple reinforcement learning simulation engine for OpenAI's gym.

Language: Python - Size: 44.9 KB - Last synced at: 5 days ago - Pushed at: over 6 years ago - Stars: 38 - Forks: 13

PhuongLe/deep-q-learning-robot

An implementation of Reinforcement Learning using the Q-Learning algorithm and Function Approximation with Backpropagation Neural Network.

Language: Java - Size: 6.86 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

markoleptic/Reinforcement-Learning-for-Aim-Training

A reinforcement learning project to predict optimal target spawn locations based on player accuracy.

Language: Python - Size: 378 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

LxzGordon/Deep-Reinforcement-Learning-with-pytorch

Basic reinforcement learning algorithms. Including:DQN,Double DQN, Dueling DQN, SARSA, REINFORCE, baseline-REINFORCE, Actor-Critic,DDPG,DDPG for discrete action space, A2C, A3C, TD3, SAC, TRPO

Language: Python - Size: 82 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 76 - Forks: 13

dksifoua/Reinforcement-Learning

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

helyousfi/Reinforcement-Learning

Reinforcement Learning

Language: Jupyter Notebook - Size: 30.1 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

nilskruse/mdp

Markov decision process master thesis

Language: Rust - Size: 180 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

Ezgii/Escaping-maze-using-RL

Escaping from a maze using Reinforcement Learning techniques.

Language: Jupyter Notebook - Size: 719 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

EricaHD/GettingGoodAtGoogol

Four reinforcement learning agents learn a game of optimal stopping

Language: Jupyter Notebook - Size: 49.3 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 1

hvishal512/CS6700-Reinforcement-Learning

Artificial Intelligence series

Language: Jupyter Notebook - Size: 5.04 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 4

pkyriakou/RL-reward-experiments Fork of Lucas-De/RL-reward-experiments

This repository is a fork of a repository originally created by Lucas Descause. It is the codebase used for my Master's dissertation "Reinforcement Learning with Function Approximation in Continuing Tasks: Discounted Return or Average Reward?" which was also an extension of Luca's work.

Language: Jupyter Notebook - Size: 1.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

philtabor/Youtube-Code-Repository

Repository for most of the code from my YouTube channel

Language: Python - Size: 42.1 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 761 - Forks: 465

renan-siqueira/reinforcement-learning-frozen-lake

This project aims to explore the basic concepts of Reinforcement Learning using the FrozenLake environment from the OpenAI Gym library.

Language: Python - Size: 89.8 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 4

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

lisifra96/Improved_RL_algorithm_mMIMO_radar

This repository contains the Matlab code used to generate the results in the paper “Enhancement of a state-of-the-art RL-based detection algorithm for Massive MIMO radars” https://ieeexplore.ieee.org/abstract/document/9760145

Language: MATLAB - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

JonasBingel/ThesisHSMZ-RLTicTacToe

Meine Bachelorarbeit zum Thema Reinforcement Learning aus meinem Studium der Wirtschaftsinformatik an der HS Mainz

Language: TeX - Size: 2.48 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

cschen1205/cs-reinforcement-learning

Reinforcement Learning such as Q-Learn SARSA, lambda, policy iteration implemented in .NET

Language: C# - Size: 111 KB - Last synced at: 29 days ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

giuliapuntoit/RL-framework-iot

Reinforcement Learning algorithms for learning IoT interactions.

Language: Python - Size: 3.48 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

lucadivit/Adversarial_RL_TicTacToe

Language: Python - Size: 13.7 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

lucadivit/Reinforcement_Learning_Maze_Solver

This github contains a simple OpenAi Gym Maze Enviroment and (at now) a RL Algorithm to solve it.

Language: Python - Size: 28.3 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

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

valinsogna/ReinForceMate

Advanced RL algorithms for two simplified versions of chess. Shortest Path finds the minimal moves between two cells based on piece capabilities. Capture Pieces trains against random opponents aiming for maximal captures in set moves. Features Deep Q-Learning, Policy Iteration, TD and more.

Language: Jupyter Notebook - Size: 6.61 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

e-wallace/RL

SARSA and Q-Learning in Grid World

Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

raklokesh/ReinforcementLearning_Sutton-Barto_Solutions

Solutions and figures for problems from Reinforcement Learning: An Introduction Sutton&Barto

Language: Python - Size: 4.47 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 20 - Forks: 4

pagrim/FrozenLake

Q-learning agent to solve the frozen lake problem from the OpenAI gym

Language: Python - Size: 464 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

thomas861205/RL-HW2

Implementation of SARSA and Q-Learning

Language: Python - Size: 951 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Sort-Care/TemperalDifference

Language: C++ - Size: 7.61 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

mattjmattj/php-rl

A basic reinforcement learning library in PHP

Language: PHP - Size: 50.8 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

amitnavindgi/dialog-system

A dummy dialog dialog system implementing traditional Reinforcement Learning algorithms like Q-Leaning and SARSA

Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Sagarnandeshwar/On_Policy_And_Off_Policy_Reinforcement_Learning

Reinforcement Learning (COMP 579) Project

Language: Jupyter Notebook - Size: 3.2 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Related Keywords
sarsa 222 reinforcement-learning 177 q-learning 121 dqn 42 qlearning 35 monte-carlo 30 python 30 reinforcement-learning-algorithms 29 machine-learning 23 policy-gradient 22 value-iteration 21 policy-iteration 20 deep-reinforcement-learning 20 openai-gym 19 actor-critic 19 rl 17 sarsa-lambda 16 markov-decision-processes 14 reinforce 14 dynamic-programming 14 epsilon-greedy 13 td-learning 12 ppo 11 deep-q-learning 11 pytorch 11 frozenlake 10 temporal-differencing-learning 10 monte-carlo-methods 10 a3c 10 ddpg 10 qlearning-algorithm 9 a2c 9 double-dqn 9 expected-sarsa 9 gym 8 gridworld 8 sarsa-algorithm 8 ai 7 q-learning-vs-sarsa 7 cliffwalking 7 deep-q-network 7 mountain-car 7 sarsa-learning 7 artificial-intelligence 6 ddqn 6 reinforcement-learning-environments 6 double-q-learning 6 bellman-equation 6 deep-learning 6 deep-neural-networks 6 blackjack 5 tensorflow 5 mdp 5 function-approximation 5 neural-networks 5 td3 5 dueling-dqn 5 python3 5 sac 5 temporal-difference 5 dyna-q 5 maze 5 neural-network 5 frozenlake-v0 4 multi-armed-bandits 4 numpy 4 multi-armed-bandit 4 tutorial 4 rl-algorithms 4 proximal-policy-optimization 4 policy-gradients 4 deep-deterministic-policy-gradient 4 sutton-gridworld 4 gym-environment 4 model-free-rl 4 prioritized-experience-replay 4 n-step-sarsa 4 cartpole 4 dqn-pytorch 4 java 4 asynchronous-advantage-actor-critic 3 temporal-difference-learning 3 n-step-bootstrapping 3 tictactoe 3 value-function-approximation 3 boltzmann-exploration 3 cartpole-v1 3 grid-world 3 sutton-book 3 td-lambda 3 dyna 3 reinforcement-learning-agent 3 monte-carlo-control 3 simulation 3 linear-function-approximation 3 montecarlo 3 mcts 3 q-learning-algorithm 3 actor-critic-algorithm 3 algorithm 3