GitHub topics: qlearning
NegarMov/DRL_Algorithms
A collection of DRL algorithms on Gymnasium environments for hands-on learning and experimentation.
Language: Python - Size: 34.3 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - 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: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

mt-gonzalez/ipd_rl_qlearning
An implementation of a Q-learning algorithm to be trained by playing the Iterated Prisoner's Dilemma
Language: Python - Size: 15.6 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

andri27-ts/Reinforcement-Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Language: Jupyter Notebook - Size: 10 MB - Last synced at: 28 days ago - Pushed at: almost 5 years ago - Stars: 4,309 - Forks: 628

simoninithomas/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Language: Jupyter Notebook - Size: 225 MB - Last synced at: 28 days ago - Pushed at: about 2 years ago - Stars: 3,845 - Forks: 1,224

MushroomRL/mushroom-rl
Python library for Reinforcement Learning.
Language: Python - Size: 75.6 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 864 - Forks: 151

harshramani00/TrafficSignalOptimizationforSmartCitiesusingDeep-ReinforcementLearning
A Deep Reinforcement Learning-based system for optimizing traffic signal control in smart cities. This project simulates a real-time traffic network and applies Q-Learning and Deep Q-Networks (DQN) to dynamically manage traffic flow, reduce congestion, and prioritize emergency vehicles using SUMO.
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

GrosSacASac/JavaScript-Set-Up
Web dev examples, tricks and more
Language: JavaScript - Size: 3.65 MB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 57 - Forks: 9

msuvorov7/base_deep_learning
Implementation of base DL tasks
Language: Jupyter Notebook - Size: 7.44 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

sbarkar/socialLearningSimulator
MATLAB code for a neural network embedded in a Q Learning algorithm
Language: MATLAB - Size: 1.28 MB - Last synced at: 1 day ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

lokranjanp/AsteroidsAI
Training a Deep Q Learning agent to master the famous arcade game, Asteroids using a DQN Neural Network with Long and Short term Memory recall. This is also my undergrad minor project, 21IS6P01.
Language: Python - Size: 21.8 MB - Last synced at: 20 days ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 3

Skylark0924/Machine-Learning-is-ALL-You-Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Language: Python - Size: 72.8 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 407 - Forks: 94

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

omaraflak/Reinforcement-Learning-CPP
Reinforcement Learning algorithm from scratch in C++.
Language: C++ - Size: 6.84 KB - Last synced at: 29 days ago - Pushed at: almost 7 years ago - Stars: 15 - Forks: 1

Ryu-god/SwarmHFT-RL
Adaptive High-Frequency Trading with Swarm Intelligence and Reinforcement Learning for Indian Options Markets
Language: Python - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Bhazantri/SwarmHFT-RL
Adaptive High-Frequency Trading with Swarm Intelligence and Reinforcement Learning for Indian Options Markets
Language: Python - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

faturita/python-scientific
Quick guide and tutorial to scientific data python programming
Language: Jupyter Notebook - Size: 33.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 31 - Forks: 87

florianvazelle/unity-rl
Markov Decision Process and Temporal Difference algorithms
Language: C# - Size: 291 KB - Last synced at: 28 days ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 0

nidup/starcraft2-agent
Starcraft II Agents using PySC2 - StarCraft II Learning Environment
Language: Python - Size: 1.55 MB - Last synced at: 28 days ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 0

Allenpandas/Tutorial4RL
Tutorial4RL: Tutorial for Reinforcement Learning. 强化学习入门教程.
Size: 4.17 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 140 - Forks: 12

saviornt/MetaQ-Star
Introducing the MetaQ-Star Learning Framework, a novel system integrating an improved version of meta-learning, Q-learning, and A-star pathfinding to improve adaptability in machine learning.
Language: Python - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

AkiRusProd/reinforcement-learning
Different RL Algorithms
Language: Python - Size: 200 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

10-OASIS-01/minrl
MinRL provides clean, minimal implementations of fundamental reinforcement learning algorithms in a customizable GridWorld environment. The project focuses on educational clarity and implementation simplicity while maintaining production-quality code standards.
Language: Python - Size: 442 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 35 - Forks: 3

eantcal/nunn
Collection of Machine Learning Algorithms
Language: C++ - Size: 13.3 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 0

blavad/marl
Multi-agent reinforcement learning framework
Language: Python - Size: 6.39 MB - Last synced at: 17 days ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 8

Real-J/Reinforcement-Learning-Maze
A Reinforcement Learning (RL) agent that learns to navigate a maze using Q-learning. Built with Python, Tkinter for visualization, and NumPy/Pandas for Q-table management.
Language: Python - Size: 15.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

billhu0/AI-Aircraft-Warfare 📦
CS181 Final Project: Playing Aircraft Warfare Game with Reinforcement Learning
Language: Python - Size: 38 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

pouriaSameti/Fundamental-AI
The Fundamentals of Artificial Intelligence Course Projects.
Language: Jupyter Notebook - Size: 13 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

arindal1/blackjack-qlearning-rl
Python script for implementing Q-learning to train an agent to play the game of Blackjack.
Language: Python - Size: 33.2 KB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

sreejeetm1729/Robust-Q-Learning-under-Corrupted-Rewards
Accepted at IEEE CDC 24 🎉. We analyze Q-learning's robustness against strong-contamination attacks that disrupt reward signals. Our robust Q-learning algorithm employs historical data to create resilient Bellman operators, achieving finite-time convergence rates that match existing bounds, with a minor error linked to the corruption fraction.
Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

runtime-error786/NeuroSnake
Language: Python - Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

Udit176/OfflineRL
This repository contains code for my ECE595RL term project (Fall 2024) at Purdue University.
Language: Jupyter Notebook - Size: 2.41 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Atul-AI08/T3-Neural
A Tic Tac Toe game powered by reinforcement learning bots using Q-learning, with a modern Angular frontend and a FastAPI backend.
Language: SCSS - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

nileshsah/reinforcement-learning-flappybird
In-browser reinforcement learning for flappy bird 🐦
Language: JavaScript - Size: 118 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 11

IdoHaim/1V1-Fighting-Game-AI
1V1 sprite animation fighting game using js with an AI option for playing alone
Language: JavaScript - Size: 2.55 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

alitekes1/drl
I am working on Deep Reinforcement Learning with Pytorch. This repo contains my notes and code exercises about deep learning and deep reinforcement learning
Language: Jupyter Notebook - Size: 57.7 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hypnosapos/cartpole-rl-remote
CartPole game by Reinforcement Learning, a journey from training to inference
Language: Python - Size: 80.2 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 26 - Forks: 3

zeynepCankara/Cliff-Walking-Solution
Q-learning and SARSA algorithms from Sutton's Reinforcement Learning book.
Language: Python - Size: 133 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 18 - Forks: 6

da-luce/cornell-autobike
Codebase of the Cornell Autonomous Bicycle Team
Language: Python - Size: 160 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 1

mathcrin/IA_Raisonnement_Python-Java
Tous les types d'IA en TP Python/Java que nous avons utilisés en Master 1, basés sur les travaux d'Emmanuel Adam
Language: Jupyter Notebook - Size: 58 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

DFriend01/Atari-DRL
An implementation of a Deep Reinforcement Learning model that trains an agent to play Atari 2600 games.
Language: Python - Size: 10.4 MB - Last synced at: 22 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

leolellisr/poke_RL
Code repository with classical reinforcement learning and deep reinforcement learning methods for Pokémon battles in Pokémon Showdown.
Language: Jupyter Notebook - Size: 39.5 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 10 - Forks: 2

trandangtrungduc/ObstacleAvoiding-GraspingRobot
Code, Resource - Personal Project - Mobile Robot - September 7, 2021
Language: MATLAB - Size: 72.1 MB - Last synced at: 5 days ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

jayaneetha/RL-ShortestPath
Reinfocement Learning Approach to solve Shortest Path Problem.
Language: Python - Size: 18.6 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

yandexdataschool/AgentNet 📦
Deep Reinforcement Learning library for humans
Language: Python - Size: 200 MB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 301 - Forks: 71

TilakTejani/SelfDrivingCar_QLearning
Self Driving Car simulation with Q learning
Language: JavaScript - Size: 31.6 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

khaled-abdrabo/qlearning
This project focuses on implementing value iteration and Q-learning algorithms. We first test these agents in a Gridworld environment, then apply them to control a simulated robot (Crawler) and to the Pacman game. (Source: Berkeley's public projects and labs)
Language: Python - Size: 314 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sriharshapy/Team-Anonymous-BTS
AI Powered Traffic Signal Control (BTS Global Hackathon)
Language: Python - Size: 28.8 MB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 2

e3oroush/dino_run_rl_pytorch 📦
A reinforcement learning example for DinoRun chrome game in Pytorch
Language: Python - Size: 2.24 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

dorufloare/flappy-bird-ai
Flappy bird AI, made from scratch in C++ that uses QLearning, a popular reinforcement leraning algorithm
Language: C++ - Size: 761 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

dubezOniner/Deep-QLearning-Demo-csharp
This demo is a C# port of ConvNetJS RLDemo (https://cs.stanford.edu/people/karpathy/convnetjs/demo/rldemo.html) by Andrej Karpathy
Language: C# - Size: 3.29 MB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 46 - Forks: 22

kavishka-sulakshana/mouse_n_cheese_q_learning
This is a simple Q learning example. [ The mouse learns the correct path to reach the cheese ]
Language: Python - Size: 721 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

shayantaherian/Reinforcement-Learning-Torch
Deep Reinforcement Learning- OpenAI Gym
Language: Python - Size: 2.07 MB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

shayantaherian/Reinforcement-Learning
Reinforcement learning with pytorch
Language: Python - Size: 905 KB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 2

takagiyuusuke/Q_TETRIS_lv2
【Q学習でTETRISを攻略せよ!】次はIミノのみが出現するゲームに限定して複雑さの上昇への耐性を調査する。
Language: Python - Size: 1.67 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

takagiyuusuke/Q_TETRIS_lv1
【Q学習でTETRISを攻略せよ!】まずはOミノのみが出現するゲームに限定してQ学習の威力を確かめる。
Language: Jupyter Notebook - Size: 144 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

wizzdev-pl/Q-learning-blog-post
Materials for series of articles on Q-learning topic on WizzDev blog.
Language: Python - Size: 8.79 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Amine-Zitoun/Music_Recommender_RL
Recommending music using reinforcement learning
Language: Python - Size: 620 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ssebastianj/ia2013-tpi-rl
Implementación de Técnicas de Aprendizaje por Refuerzo mediante el algoritmo Q-Learning para la cátedra Inteligencia Artificial (Ciclo 2013) perteneciente a UTN Facultad Regional Resistencia.
Language: Python - Size: 3.09 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Keyvanhardani/KLearning
Dieses Projekt implementiert ein Q-Learning-Modell in C#. Es trainiert ein Modell basierend auf definierten Zuständen und Aktionen und speichert die Belohnungen pro Episode in einer JSON-Datei. Zusätzlich wird ein Python-Skript verwendet, um die Ergebnisse zu visualisieren.
Language: C# - Size: 963 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

MohammadAsadolahi/Reinforcement-Learning-solving-a-simple-4by4-Gridworld-using-Qlearning-in-python
solving a simple 4*4 Gridworld almost similar to openAI gym FrozenLake using Qlearning Temporal difference method Reinforcement Learning
Language: Jupyter Notebook - Size: 266 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 14 - Forks: 1

DaKoning/F1-2020-AI
An AI that plays F1 2020.
Language: Python - Size: 21.7 MB - Last synced at: 11 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

beka-birhanu/Tic-Tac-Toe_Reinforcement-Learning
This project implements a Reinforcement Learning (RL) agent that learns to play the classic game of Tic-Tac-Toe using the Q-learning algorithm. The agent is trained to play optimally through interactions with a teacher agent, which provides guidance based on the optimal strategy with a specified probability.
Language: Python - Size: 480 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

rahulpavan-21/Deep-Trade-AI-Q-Learning-Trading-Bot
This project implements a Stock Trading Bot, trained using Deep Reinforcement Learning, specifically Deep Q-learning. Implementation is kept simple and as close as possible to the algorithm.
Language: Jupyter Notebook - Size: 4.25 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

MukundKal/rl-dqn-server-optim
Minismization of server cooling costs/electricity costs using Deep-Q Reinforcment Learning (DQ RL).
Language: Python - Size: 23 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

AawaizAli/Sokoban-Game-with-Q-Learning
console-based C++ game that solves mazes itself (using Q-learning) then lets you solve it :D
Language: C++ - Size: 12.7 KB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 1

pranav-bot/ML-DL-models-from-scratch
This contains the most commonly used machine learning and deep learning models written from scratch without the use if any libraries except Numpy which is used for calculations
Language: Java - Size: 8.69 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Hsn37/MazeQLearning
The AI solves a maze using Q Learning
Language: Python - Size: 186 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 1

andre0xFF/ISEL-LEIM-IASA 📦
IASA (Artificial Intelligence of Autonomous Systems) class projects and resources of LEIM course at ISEL
Language: Java - Size: 95.6 MB - Last synced at: 12 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Immodal/snake
This project uses Q-Learning, Hamiltonian Cycles and Breadth First Search to play Snake. Mazes can also be drawn for the snake to navigate through.
Language: JavaScript - Size: 2.42 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 4

HaoJunNM/Deep-Reinforcement-Learning
My study and practice summary for Deep Learning
Size: 12.7 KB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

kevin-rn/Computational-Intelligence
Language: Python - Size: 1.12 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

AlvinKimata/Reinforcement-learning
This repository contains code implementations of basic RL algorithms.
Language: Jupyter Notebook - Size: 36.6 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

thisiscetin/ttt_qlearning
TicTacToe game with Double Q-learning.
Language: C++ - Size: 187 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

ggsharma/RL-Path-Planning-Cpp
A library implementing Q learning with modern C++ syntax and using Opencv for simulation
Language: C++ - Size: 646 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

lucashnss/if684-qlearning-project
This is a project for the course Inteligent Systems (IF684) in CIN-UFPE. Basically it's the implementation of q learning, which is a reinforcement learning algorithm, the objective is use it to training the Amongus to learn the fastest way to arrive at the end of the map.
Language: Python - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MartinGurasvili/Snake
Computer learns how to play snake using a Q Learning NN through the PyTorch library
Language: Python - Size: 320 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

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

bigjohn98pl/Snake_Q-learning_and_SARSA
Implementation of a q-learning algorithm
Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ShimronAlakkal/RL-bot
Language: Jupyter Notebook - Size: 172 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

aditipanchal121/SpaceCRAFT
ML used for SpaceCRAFT, as part of my undergraduate research at Texas A&M
Language: Python - Size: 2.39 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

DACUS1995/LunarLander-RL
Language: Python - Size: 85 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

mwdchang/q-learning
Q-Learning navigation solver
Language: HTML - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Alexyskoutnev/Delivery-Controller
Navigate a grid map efficiently, avoiding obstacles, and finding optimal paths for autonomous systems. This project combines Reinforcement Learning, Monte Carlo Tree Search, and Model-Based Formal Methods to create and validate effective path plans.
Language: Python - Size: 11 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

hypnobrando/tictactoe-checkers-ai
cs 51 final project
Language: Python - Size: 6.03 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

AutomateWithGautam/Optimal-path-of-Unknown-environment-with-Deep-Q-Learning-algorithm-
Path finding of a doubly Q network with using social choice theory and improved classical Q learning algorithm . uses Tensorflow and pygame
Language: Python - Size: 719 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

najlae01/pong-RL-agent
A classic Pong game with an AI agent powered by reinforcement learning (Q-learning) algorithm. The game is built with Python and Pygame, and the AI agent uses a Q-learning algorithm to learn how to play the game.
Language: Python - Size: 1.13 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Erk-Vural/Q-Learning_Path_Calculator
The Q-Learning Path Calculator is a Python-based application that utilizes Q-learning to find the shortest path for a robot on a given maze.
Language: Python - Size: 14.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

shanto268/QLearning_Autonomous_Vehicle_Experiment
Reinforcement Learning of Intelligent Agent: QLearning
Language: Python - Size: 1.76 MB - Last synced at: 13 days ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 1

ahervi/Neuralnetwork---QLearning
AI playing the Snake game using QLearning
Language: Python - Size: 11.7 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

aaksham/deepQlearn
Deep Q Learning
Language: Python - Size: 39.1 KB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

iSandro19/Webots
Este repositorio contiene dos prácticas relacionadas con el control de robots autónomos en un entorno simulado. Estas prácticas fueron desarrolladas como parte de las práctica de la asignatura de Robótica del 4o curso del Grado de Ingeniería Informática en la FIC (UDC) y están escritas en Python.
Language: Python - Size: 867 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

dmsovetov/reinforcement
Deep reinforcement learning experiments
Language: Python - Size: 32.2 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tropical32/gym-pole-balancing
Language: Python - Size: 6.84 KB - Last synced at: about 1 year ago - Pushed at: over 7 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

AGuyNextDoor/QLearningWarmup
Warming up with QLearning. Two algorithms: a labyrinth solver and a 2048 solver.
Language: Python - Size: 34.7 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

zzhongab/AI_Sokoban
Sokoban AI Solver (HKUST COMP3211 Project)
Language: Java - Size: 2.59 MB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 5

enfff/robot-learning-labs
Labs for the Robot Learning class, focusing on robotics and Reinforcement Learning. Each lab focuses on a different topic, had mandatory tasks and eventually extensions. All the results have been discussed in the reports.
Language: Python - Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ruben-2828/RL-Traffic-Control
Application of reinforcement learning to the management of traffic light intersection
Language: Python - Size: 122 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

Gabe-MGNT/OpenAi-Gym-Solution
Here are few solutions made for OpenAI Gym tasks (TaxiCar, FrozenLake, Mountain Car, Cliff Walking...) using Tensorflow Keras
Language: Jupyter Notebook - Size: 7.04 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
