GitHub topics: q-learning
mgiannopoulos24/Artificial-Intelligence
Solutions for the Projects of the Artificial Intelligence (CS 188) course of UC Berkeley
Language: Python - Size: 22.7 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 14 - Forks: 9

JumpingKeyCaps/RLplayground
A playful Android app demonstrating reinforcement learning in real time. Watch an agent learn to reach its goal using evolving strategies like Q-learning and Policy Gradient, with a vibrant Canvas-based visualization. Built with Jetpack Compose, Kotlin, and a clean MVVM architecture for modular experimentation.
Language: Kotlin - Size: 103 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

sp-muramutsa/nim
This project implements a Reinforcement Learning agent that learns to play the classic game of Nim using Q-learning, one of the foundational algorithms in model-free Reinforcement Learning (RL).
Language: Python - Size: 0 Bytes - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Klus3kk/QRacing
The game in which an AI model learns how to finish the game in the fastest time.
Language: Python - Size: 345 KB - Last synced at: about 3 hours ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

khteh/pAIthon
Exploration of python language features and AI/ML.
Language: Python - Size: 232 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

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: 51 - Forks: 5

MatiasCarabella/self-driving-ai
2D self-driving car simulation developed in Python using Pygame, featuring a Q-learning agent that learns to navigate a circuit.
Language: Python - Size: 378 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

najeh-halawani/RL-Basics-QLearning-SARSA-PPO
A collection of Jupyter notebooks implementing core reinforcement learning algorithms: Q-Learning, SARSA, and PPO.
Language: Jupyter Notebook - Size: 2.08 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

hasancatalgol/checkers-qlearning
A simple checkers game with Reinforcement Learning
Language: Python - Size: 12.7 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

real0x0a1/AI-SnakeGame
This repository showcases a classic Snake game with an exciting twist - an artificial intelligence (AI) agent that learns to play the game on its own. The project is implemented in Python, utilizing the Pygame library for the game interface.
Language: Jupyter Notebook - Size: 521 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

lucidrains/q-transformer
Implementation of Q-Transformer, Scalable Offline Reinforcement Learning via Autoregressive Q-Functions, out of Google Deepmind
Language: Python - Size: 1.6 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 382 - Forks: 20

s2bd/ai-projects
Collection of random A.I. applets and programs aimed at testing and implementing both currently existing or novel algorithms
Language: HTML - Size: 385 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Yusei406/calvano-qlearning
Q-learning oligopoly simulation (Calvano et al., 2020) — high-fidelity Python reproduction with ≥ 95 % accuracy
Language: Python - Size: 0 Bytes - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

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

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

MatissesProjects/reinforcementLearningTetris
reinforcement learning is a way of doing learning without a human in the loop, q-learning is a type of reinforcement learning, and genetic algorithms were used to modify a policy network/map
Language: HTML - Size: 361 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

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: 7 days ago - Pushed at: over 1 year ago - Stars: 675 - Forks: 75

cool-RR/marley 📦
A framework for multi-agent reinforcement learning.
Language: Python - Size: 30.7 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 273 - Forks: 27

Venkatnvs/Ai_AdaptiveQuiz-From_Youtube_videos
AI-Driven Adaptive Assessment System using Django, React, Q-learning & Fog Computing
Language: JavaScript - Size: 129 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

cgray1117/Checkers-AI
A game of checkers written using minmax algorithm with alpha-beta pruning and Q-learning.
Language: Python - Size: 96.9 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

ductaingn/Power-Allocation
Power Allocation in Sub6GHz/mmWave Networks with Risk-Averse Reinforcement Learning
Language: Python - Size: 1.05 GB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 5 - Forks: 1

pintamonas4575/RL-model-The-Simpsons
Implementation of a Reinforcement Learning (RL) model to learn to scratch the less possible surface on the scratch game of the Badulaque of the app "The Simpsons Springfield".
Language: Python - Size: 26.3 MB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 3 - Forks: 0

pssnyder/DotAI
This program simulates the training of an AI-driven "dot" to reach a goal while avoiding obstacles. It uses either Genetic Algorithms or Reinforcement Learning to evolve or train the dot's behavior, showcasing real-time learning and performance metrics.
Language: Python - Size: 28.3 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

lamegaton/Machine-Learning-and-AI-Notes
Basic Examples and Explaination for Machine Learning and AI
Language: Jupyter Notebook - Size: 24 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 0

rembertdesigns/pit-stop-simulator
An interactive F1 race simulator using Reinforcement Learning (PPO, Q-learning) and Streamlit to optimize pit stop strategies based on dynamic conditions.
Language: Python - Size: 83 KB - Last synced at: 5 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

Amirreza-Mehdizadeh/Solar-Panel-Q_Learning
A Q-Learning-based Reinforcement Learning project to optimize solar panel angles for maximum energy output
Language: Python - Size: 2.93 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

sanatren/SIMPLANG-q-LR
This repository contains an implementation of a neural text simplification model that combines sequence-to-sequence learning with reinforcement learning and lexical-semantic loss. The model aims to simplify complex text while maintaining meaning and grammatical correctness.
Language: Python - Size: 32.2 KB - Last synced at: 17 days ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

zombieTDV/RFL-13_8
Implementaion for Genetic algorithm and Q-Learning.
Language: Python - Size: 88.9 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

Arcoti/Tic-Tac-Toe-Bot
Tic Tac Toe Bot with Reinforcement Learning
Language: Python - Size: 2.84 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

zyxue/rljs
RLjs currently serves as an interactive playground for learning reinforcement learning.
Language: JavaScript - Size: 1.41 MB - Last synced at: 22 days ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

ankonzoid/LearningX
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Language: Python - Size: 3.88 MB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 360 - Forks: 185

lucidrains/llama-qrlhf
Implementation of the Llama architecture with RLHF + Q-learning
Language: Python - Size: 26.4 KB - Last synced at: 5 days ago - Pushed at: 5 months ago - Stars: 165 - Forks: 8

Chaoukia/Reinforcement-Learning-course
A Reinforcement Learning course with classic examples of agents trained on gym environments.
Language: Python - Size: 6.47 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 3 - Forks: 1

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

akirakudo901/tic-tac-toe-qtable
An implementation of a Q learning agent which beats any opponent in tic tac toe.
Language: Python - Size: 173 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

ostad-ai/Reinforcement-Learning
This repository is about Reinforcement Learning (RL) and related topics
Language: Jupyter Notebook - Size: 192 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

misaghsoltani/DeepCubeAI
Learning Discrete World Models for Heuristic Search
Language: Python - Size: 16.6 MB - Last synced at: 11 days ago - Pushed at: 10 months ago - Stars: 7 - Forks: 1

micahtracht/Q-learning-with-cartpole
This is my project for learning how to implement Q learning with the common cart pole example. My first RL project!
Language: Python - Size: 313 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

fszewczyk/rocket-landing-rl
Custom OpenAI Gym for vertical rocket landing and Deep Q-Learning implementation.
Language: Python - Size: 2.49 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 3

hcosta/snake-ia
Experimento de RL en Python para enseñarle a una IA a jugar sola.
Language: Python - Size: 69.4 MB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

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: 419 - Forks: 139

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: 29 days ago - Pushed at: over 1 year ago - Stars: 2,277 - Forks: 487

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: 10 months ago - Stars: 302 - Forks: 74

cristianofmc/brickcar
this is a classic car game made with bricks, and using a reinforcement learning AI, Q learning.
Language: Python - Size: 19.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

FerhatAkalan/DroneDeliverySystemQLearning
This project is an intelligent drone simulator that optimizes urban package deliveries using the Reinforcement Learning (Q-Learning) algorithm. Drones pick up packages from the cargo depot and learn the most efficient routes to deliver them to multiple delivery points.
Language: Python - Size: 555 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

bmarroc/reinforcement-learning
Jupyter notebooks implementing Reinforcement Learning algorithms in Numpy and Tensorflow
Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 1

KunkelAlexander/tictactoe_rl
Implement different reinforcement learning agents that learn playing tictactoe.
Language: Jupyter Notebook - Size: 4.36 MB - Last synced at: about 1 month ago - Pushed at: about 1 month 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: about 1 month ago - Pushed at: over 4 years ago - Stars: 852 - Forks: 323

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

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: about 5 years ago - Stars: 326 - Forks: 102

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

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,153 - Forks: 366

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

Devinterview-io/q-learning-interview-questions
🟣 Q Learning interview questions and answers to help you prepare for your next machine learning and data science interview in 2025.
Size: 32.2 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 4

Subramanyam6/Multi-Agent-War-Simulation-using-Reinforcement-Learning
This project simulates a virtual war between n RL-reasoning (Q-learning) agents.
Language: Python - Size: 1.25 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 6 - Forks: 0

glample/Arnold
Arnold - DOOM Agent
Language: Python - Size: 168 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 526 - Forks: 107

ishanrai17/rl-monte_carlo-vs-q-learning-benchmark
This project provides implementations of classic Reinforcement Learning (RL) algorithms—Monte Carlo and Q-Learning—on the OpenAI Gymnasium "CliffWalking-v0" environment. It is designed for benchmarking and educational purposes.
Language: Python - Size: 257 KB - Last synced at: about 1 month ago - Pushed at: about 1 month 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: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 3

MFaizan18/HedgeGPT
Experience the convergence of reinforcement learning and finance in this project, which implements a Q-learning agent for option pricing under the Black–Scholes model. Leveraging Monte Carlo simulation, B-spline basis functions, and a variance-based reward, the agent learns optimal hedging strategies to generate accurate, risk-neutral option price.
Language: Jupyter Notebook - Size: 628 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

jd-paul/tic-tac-bot
Simple Python Tic-Tac-Toe bot with four agents: RL, minimax, random, and humans
Language: Python - Size: 47.9 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

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: 6 days ago - Pushed at: over 1 year ago - Stars: 313 - Forks: 92

Sphincz/PacmanRL
PacmanRL - Reinforcement Learning for Pacman (Q-Learning / SARSA)
Language: Python - Size: 1.92 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

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: 621 - Forks: 180

Assem-ElQersh/Reinforcement-Learning-Snake
A Snake game implementation that uses Q-Learning, a reinforcement learning algorithm, to train an AI agent to play the game. The project demonstrates how machine learning can be applied to classic games.
Language: Python - Size: 27.3 KB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

HoshiyamaSeizen/rl-dqn-comparison
Double Q-learning, Prioritized replay, Dueling networks comparison
Language: Python - Size: 1.1 MB - Last synced at: 24 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

anielmelo/qLearning
labirinto q-learning
Language: Python - Size: 224 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Arash-Mansourpour/Reinforcement-Learning_AD-Optimization
AI-powered ad optimization using Reinforcement Learning and Groq API to maximize click-through rates
Language: Python - Size: 16.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

szx21023/reinforcement-learning
wanna use reinforcement learning to conquer all games
Language: Python - Size: 31.3 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

matthew-zhu/MACC-RL Fork of DVSimon/295bEnv
Multi-Agent Coverage Control Utilizing Reinforcement Learning
Size: 11.2 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 3

SXKA/tic-tac-toe
A command-line Tic-Tac-Toe game using a custom TF‑Agents environment with two competing agents trained via Q-learning.
Language: Python - Size: 266 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

SXV357/Inspirit-AI-Deep-Dive-Designing-DL-Systems-FinalProject-RL-for-Autonomous-Vehicles
This project uses Reinforcement Learning to teach an agent to drive by itself and learn from its observations so that it can maximize the reward(180+ lines)
Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

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: about 2 months ago - Pushed at: about 2 months ago - Stars: 2,368 - Forks: 302

PimLb/olfactory-navigation
A repository for everything olfactory navigation related.
Language: Python - Size: 472 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

05sanjaykumar/Maze-Solver-Reinforcement-Learning
Reinforcement Learning maze solver using Q-learning and Deep Q-learning.
Language: Python - Size: 27.3 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Pdq1227/Stock-Trading-with-Q-Learning-Algorithm
An application using Q-Learning for Stock Trading
Language: Python - Size: 27.3 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

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: about 2 months ago - Pushed at: almost 2 years ago - Stars: 207 - Forks: 18

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: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

RezaSaadatyar/Reinforcement-Learning
The repository contains codes for RL (e.g., Q-Learning, Monte Carlo, …) in the form of Python files.
Language: Jupyter Notebook - Size: 60.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Lucien-MG/deep-rl-hugging-face
Python implementation of the Hugging Face's Reinforcement Learning tutorial.
Language: Python - Size: 1.59 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

HubertSzydlowski/Reinforcement-Learning-Agents-for-PettingZoo-Games
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

thomashicken/lunar
This project implements a Q-learning agent with experience replay and a neural network function approximator to solve the LunarLander-v2 environment.
Language: Python - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

DavideDevetak24/Reinforcement-Learning-for-Algorithmic-Trading-A-Q-Learning-Approach-to-Strategy-Optimization
This project analyzes two algorithmic trading strategies: the first one is a simple rule-based strategy, the second one leverages a Reinforcement Learning (RL) approach using Q-Learning
Language: R - Size: 685 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

mbeps/custom-q-learning-agent
Custom Reinforcement Learning agent built using Q-Learning. This is a coursework for the Machine Learning (6CCS3ML1) module for King's College London.
Language: Python - Size: 107 KB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

ewdlop/MachineLearningInUnity
Q-Learning written in C#. Made with Unity. https://unity.com/releases/unity-6
Language: C# - Size: 400 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

saharshmehrotra/Job-Shop-Scheduling-using-Reinforcement-Learning
Job-Shop Scheduling Problem (JSSP) using Reinforcement Learning by training intelligent agents in a custom simulation environment
Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Guille-ux/ux-framework
a framework with a lot of things, and they work
Language: Python - Size: 20.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

havva-nur-ezginci/ML-Applications
💡This project involves the implementation of machine learning (ML) algorithms 💻🔍on various datasets.
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

ivotints/Learn2Slither
A reinforcement learning project where a snake learns to navigate and survive in a dynamic environment through Q-learning.
Language: Python - Size: 17.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Prayag2003/across-protocol-discord-bot
R.O.S.S - Discord Bot for Across Protocol
Language: Python - Size: 21.1 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Morri3/GymCar
This is the coursework of the COMP4125 in 2025.
Language: Python - Size: 99.5 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

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

pdoup/Q-Cobra
DQN Agent for Snake 🐍
Language: Python - Size: 199 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

AnirbanBanik1998/SPARQ
Mobility-aware Dynamic Joint Power Control and Resource Allocation for D2D underlaying cellular networks
Language: Python - Size: 65.4 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 2

utkuatasoy/Othello-Reversi-AI
This project presents an AI-driven Othello (Reversi) game designed to compare multiple algorithms, including Minimax, MCTS, A*, Q-Learning, and Negamax. It demonstrates various difficulty levels, which introduce controlled randomness to the AI for a more dynamic gameplay experience.
Language: Python - Size: 1010 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

Paraskevi-KIvroglou/rl-pong-agent
A project developed as part of exploring deep reinforcement learning applications.
Language: Jupyter Notebook - Size: 92.6 MB - Last synced at: about 20 hours ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

reshalfahsi/swinging-up-acrobot
Swinging Up Acrobot with n-Step Q-Learning
Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - 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: 3 months ago - Pushed at: 3 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: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

odinhg/Q-Learning-Tutorial
This is an introductory tutorial to tabular Q-learning in Norwegian.
Language: TeX - Size: 3.38 MB - Last synced at: about 22 hours ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

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