Topic: "qlearning-algorithm"
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

lukovicaleksa/autonomous-driving-turtlebot-with-reinforcement-learning
Implementation of Q-learning algorithm and Feedback control for the mobile robot (turtlebot3_burger) in ROS.
Language: Python - Size: 8.86 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 114 - Forks: 30

philtabor/Reinforcement-Learning-In-Motion
Code repository for my course on the fundamentals of reinforcement learning
Language: Python - Size: 1.97 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 89 - Forks: 53

AlirezaShamsoshoara/Multi-Independent-Agent-Reinforcement-Learning-UAV-Autonomous-Spectrum-QLearning
An Autonomous Spectrum Management Scheme for Unmanned Aerial Vehicle Networks in Disaster Relief Operations using Multi Independent Agent Reinforcement Learning
Language: Python - Size: 366 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 15

AlirezaShamsoshoara/Reinforcement_Learning_Team_Q_learnig_MARL_Multi_Agent_UAV_Spectrum_task
A solution for Dynamic Spectrum Management in Mission-Critical UAV Networks using Team Q learning as a Multi-Agent Reinforcement Learning Approach
Language: Python - Size: 17.7 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 43 - Forks: 17

mazzzystar/QLearningMouse
Cat-and-Mouse game with Reinforcement Learning (Q-Learning).
Language: Python - Size: 767 KB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 37 - Forks: 8

Phoenix-Shen/ReinforcementLearning
强化学习算法库,包含了目前主流的强化学习算法(Value based and Policy basd)的代码,代码都经过调试并可以运行
Language: Python - Size: 20.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 32 - Forks: 8

EsratMaria/Reinforcement-Learning_for_Energy_Minimization_Using_CLoudsim
Implementation of RL in the cloud for energy minimization due to migration and excess power consumption.
Language: HTML - Size: 28.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 6

LaurentVeyssier/Minimize-Energy-consumption-with-Deep-Learning-model
Use Deep Q-Learning model to optimize energy consumption of a data center
Language: Jupyter Notebook - Size: 4.27 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 20 - Forks: 12

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

hjorvardr/RL_Library
An implementation of main reinforcement learning algorithms: solo-agent and ensembled versions.
Language: Python - Size: 240 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 1

omerbsezer/Qlearning_MountainCar 📦
Mountain Car problem solving using RL - QLearning with OpenAI Gym Framework
Language: Python - Size: 8.79 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 10

Elmar999/Q-learning-OpenAI-Taxi-V2
Taxi-v2 game using Q learning algorithm
Language: Jupyter Notebook - Size: 60.5 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 0

zaid-24/The-RL-Agent
path planning using Q learning algorithm
Language: Python - Size: 34.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

CodeMaxx/Safe-RL-Pacman
Reinforcement Learning Course Project - IIT Bombay Fall 2018
Language: Python - Size: 9.04 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 3

CEDL2017/homework2-MDPs
The homework for Cutting-Edge of Deep Learning, aka CEDL, from NTHU
Language: Jupyter Notebook - Size: 331 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 44

Vansh404/PathPlanning_withRL
Using Q-Learning Control for path planning of mobile agents in an enviroment.
Language: Python - Size: 137 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

abdalla1912mohamed/Deep_reinforcement_learning_Bachelor_project
Deep Reinforcement Learning navigation of autonomous vehicles. Implementation of deep-Q learning, dyna-Q learning, Q-learning agents including SSMR(Skid-steering_mobile robot) Kinematics in various OpenAi gym environments
Language: Python - Size: 8.58 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 1

To-jak/Deep-Q-Learning_TRON
[2019 project] Using deep reinforcement learning to train AIs to play TRON
Language: Python - Size: 6.24 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

InduManimaran/Bomberman
Simulation of the classic game Bomberman using Q-Learning algorithm
Language: Python - Size: 8.14 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 3

ArkS0001/CloudSim-QWhale-SARSAWhale-Hybrid-Optimization
Developed By "Perfect Cube"
Language: Java - Size: 210 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 2

davestroud/Q-Learning
Q-Learning and Deep Q-Learning Demo
Language: Python - Size: 3.71 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

Venka97/Smartcab
Smartcab is a project which utilizes Reinforcement learning techniques to implement a self driving agent in a simplified world. It uses Q-learning algorithm to guide the agent while tackling the environmental constraints.
Language: HTML - Size: 396 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 1

NitishMutha/Reinforcement-Learning-Atari-Games
Q-Learning based Reinforcement Learning implementation, make AI self-learn to play Cartpole and 3 Atari games (Boxing, Pong, Pacman)
Language: Python - Size: 49 MB - Last synced at: 10 days ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 0

mynkpl1998/Save-me-AI
Implementation of Deep Q-Learning to Learn how to play a simple game written in python.
Language: Python - Size: 37.5 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 3

DamiPayne/Pong-RNN-Implementation
Using pygame to create a 2d pong game, then using gym and tensorflow to read the pixels on the screen using a CNN and then model the actions with a Qlearning RNN to beat the ai opponent
Language: Python - Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 1

Ashleshk/Machine-Learning-Data-Science-Deep-Learning
This Repository Consists All Courses, Projects and Online Learning Done in Context of Machine learning, Data Sceince And Deep Learning From Various Sources like Youtube, Coursera, Udemy And WEbsites like Scikit, Keras
Language: Jupyter Notebook - Size: 118 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

lpapailiou/tictactoe
A tic tac toe game in java, which can be trained by machine learning (console & gui).
Language: Java - Size: 1.77 MB - Last synced at: 26 days ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

i01000101/Q-Learning-Visualizer
An AI that learns to solve mazes with Q-Learning algorithm 🧠
Language: JavaScript - Size: 7.65 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

nitish-kalan/MountainCar-v0-Deep-Q-Learning-DQN-Keras
Solving MountainCar-v0 environment in Keras with Deep Q Learning an Deep Reinforcement Learning algorithm
Language: Python - Size: 911 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2

jalajthanaki/Q_learning_for_simple_atari_game
This repository contains the code which can help us to understand how q-learning algorithm can be applied to build simple video game bot.
Language: Python - Size: 5.86 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

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

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

pmarangone/crawler
Custom homemade replica of Berkeley's CS188 class implemented in C++, wxWidgets
Language: C++ - Size: 1.58 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

Polaris000/DotsNBoxesQLearning
A series of experiments on the performance of Q-Learning Agents in the Dots and Boxes game.
Language: Java - Size: 656 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

primaryobjects/qlearning
A game using Q-Learning artificial intelligence.
Language: JavaScript - Size: 39.1 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 4

arjunmann73/Intelligent-Targetting-QLearning
:gun: Intelligent Targeting based on Q Learning
Language: Python - Size: 10.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

djhepker/ai-checkers
Checkers with Data Structures and AI integration. Q-Learning. Custom linked lists, Java records
Language: Java - Size: 44.4 MB - Last synced at: 28 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

imankarimi/snake-game-ai
This project implements the classic Snake game with a reinforcement learning agent that learns how to play using a Replay Q-Network (RQN) and Linear Q-Learning. The agent is trained through trial and error by receiving rewards for beneficial actions and penalties for harmful actions
Language: Python - Size: 572 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

ShivamGupta92/Reinforcement_learning_SnakeGameAI
Deep Q-Networks (DQN) to train an AI agent to play the Snake game. The AI controls the snake, making decisions in real-time to maximize its score while avoiding collisions. The agent learns to improve its performance by playing multiple games and adjusting its strategy based on rewards and penalties.
Language: Python - Size: 1.02 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

teeross/algorithmic-collusion-with-duopoly-and-oligopoly
Replication of Algorithmic collusion in Duopoly and Oligopoly models
Language: Python - Size: 67.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

edvein-rin/ml-candy-crush
Candy crush with ML models solvers and companions.
Language: Python - Size: 54.7 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - 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

pareshrchaudhary/qlearningtrajectory
Deep Q Learning is used to learn trajectory
Language: Jupyter Notebook - Size: 6.82 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

ET-TOUNANI/Qlearning
Q-learning is a model-free reinforcement learning algorithm to learn the value of an action in a particular state. It does not require a model of the environment (hence "model-free"), and it can handle problems with stochastic transitions and rewards without requiring adaptations.
Language: Java - Size: 2.69 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

matriley/Pong-Reinforcement-Learning
This is a simple implementation of Pong game using Pygame and Reinforcement Learning.
Language: Python - Size: 14.6 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

bbrdthierry/custom-gym-env-for-graph-theory-conjectures
Custom OpenAI Gym reinforcement learning environment for Conway's 99-graph problem
Language: Python - Size: 13.7 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

LeLaboDuGame/SimplePyQLearning
A simple python lib to do QLearning
Language: Python - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

falcon-head/PSA-TicTacToe
Final project for INFO6205 - Program Structure And Algorithm
Language: Python - Size: 18.9 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

ayush29/Game-of-Pac-Man-RL
Pac-Man RL Agent
Language: Python - Size: 177 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Silviatulli/altermax
two-agents setting with minmax planner for counterfactual explanations - Learning from Explanations and Demonstrations: A Pilot Study
Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

serenaraju/Pragmatic-Implementation-Reinforcement-Learning-Path-Planning-Raspberry-Pi-Bot
Code for a robot which can implement Reinforcement Learning Algorithms for Path Planning.
Language: Python - Size: 60 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

ritikverma2000/Path-Predictor
This is a simple project based on reinforcement learning which is a type of machine learning technique. A bot is assigned a task to reach the destination from the source.
Language: Python - Size: 1.04 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

e-wallace/RL
SARSA and Q-Learning in Grid World
Language: Python - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

yahsiuhsieh/frozen-lake
Value Iteration, Policy Iteration, and Q-Learning in Frozen lake gym env
Language: Python - Size: 170 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

niobiumneo/Nim.ai
Artificial intelligence system that plays a game of Nim against you!
Language: Python - Size: 12.7 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ericmok/reinforcement-learning-toys-kt
A visualizer for reinforcement learning algorithms for learners
Language: Kotlin - Size: 3.92 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

Bartosz-D3V/FrozenLake_v0
FrozenLake - OpenAI's exercise resolved with Q-learning algorithm
Language: Java - Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

Triple-L/Q-learning_wind_road
Language: Python - Size: 351 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

AndreeaMusat/machine_learning
Language: Jupyter Notebook - Size: 25.2 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

atasoglu/Q-Learning-Algorithm
An applied Q-Learning Algorithm for path finding via JavaScript and p5.js library.
Language: JavaScript - Size: 154 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

prajwalsouza/QLearning
Some Experiments with QLearning
Language: HTML - Size: 36.1 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 2

shubhamjha97/simple_q_learning
A simple MATLAB implementation of the Q-Learning algorthm.
Language: Matlab - Size: 35.2 KB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

KaavyaRekanar/Applied_Artificial_Intelligence
Intention: should independently be able to demonstrate knowledge of the most basic methods within game AI field and able to reason around its historical development in relation to applications
Language: Java - Size: 387 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

JeanBaptiste02/Q-Maze-Explorer
Reinforcement Learning - Q learning algorithm implementation
Language: Python - Size: 204 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

pixelcaliber/q-learning
Q-learning agent: a type of reinforcement learning algorithm where an agent learns to take actions in an environment by maximizing a cumulative reward.
Language: Python - Size: 55.7 KB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Faycal214/RL-algorithms
This repository contains implementations of various reinforcement learning algorithms, including Q-Learning, Deep Q Networks (DQN), Policy Gradient methods, and more. Explore, learn, and apply these algorithms to solve challenging problems in AI and machine learning.
Language: Python - Size: 260 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

alexkalergis/Robot-writing-via-Reinforcement-Learning
• Machine Learning • Master Thesis • In this project we aim to create a virtual environment of a 2DOF robot learning handwriting via reinforcement learning.
Language: Python - Size: 28.4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

frederikgramkortegaard/hyper-q
Automated analysis of hyperparameter configurations for n-step Q-Learning reinforcement agents
Language: Python - Size: 521 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Camebush/pong-pygame
Créer un jeu vidéo (Pong) avec Python et Machine Learning | Pygame | Q-learnning | Apprentissage supervisé
Language: Python - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Shrinidhi1/Optimal-Placement-of-VNFs-and-SFC-in-Edge-Computing-Environment
Optimal Placement of VNFs using Genetic & Tabu Search Algorithms and Service Function Chaining using Q-Learning & SARSA Algorithms in an Multi-Access Edge Computing Environment
Language: Jupyter Notebook - Size: 193 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Gratic/TicTacToe_QLearning
Playable Tic Tac Toe game against AI Q-Learning agent.
Language: Python - Size: 1.96 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

washwin/Artificial-Intelligence-lab
A collection of ai algorithms
Language: Python - Size: 7.82 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

renan-siqueira/reinforcement-learning-cart-pole
This repository provides implementations of a Q-learning agent to balance a pole on a cart.
Language: Python - Size: 1000 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

christy-jose01/Pacman-AI
This is using the UC Berkeley codebase for the PacMan AI project. This project utilizes search algorithms for artificial intelligence agents, and utilizes reinforcement learning.
Language: Python - Size: 340 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

AthenaHelali/Connect-Four
Implementing a game environment and Q-learner for Connect Four
Language: Python - Size: 126 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

stylepatrick/FlapPyBird Fork of sourabhv/FlapPyBird
A Flappy Bird Clone using python-pygame with Q-Learning AI.
Language: Python - Size: 9.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

matriley/Rock-Paper-Scissors-with-Q-learning
This is a version of a Python implementation of the classic game of Rock-Paper-Scissors using the Q-learning algorithm.
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

lam843/Q_learning
it's a simple path planning using Python and a Q Learning algorithm
Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sidsharma22/reinforcementlearning
Language: Python - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

karotka99/ReinforcementLearning
Here You can find projects connected with Reinforcement Learning
Language: Jupyter Notebook - Size: 447 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ameliacode/Intro2AI 📦
🔚 2021-1st Introduction to AI lecture repository
Language: Python - Size: 1.61 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

followthefourleafedclover/Q-Learning-Model-Java
A Q Learning Model implemented in java used for MIT Battlecode 2023
Language: Java - Size: 1.95 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

TUJJIEVE/Reinforcement-Learning-Pacman
Language: Jupyter Notebook - Size: 553 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

williamcfrancis/RL-Q-Learning-on-the-Cart-Pole-Challenge
Python implementation of the Q Learning algorithm with the DDQN trick on OpenAI's version of the cart-pole problem
Language: Python - Size: 8.79 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

captnofdead/Connect4_Game
This repository contains an implementation of the game Connect4 and two AI agents for playing the game. One is the Monte Carlo Tree Search algorithm. The other uses the Q-learning algorithm. These agents were developed to demonstrate the effectiveness of these algorithms in solving the Connect4 game..
Language: Python - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Satoing/AI-experiment
人工智能课程的实验
Language: Python - Size: 595 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SiddheshShanmugaraja/Intelligent-Automation
Developed a reinforcement learning agent to perform automation testing on websites. Used Q-Learning to train a RL agent to test various components of a web-page and log them as test cases. The APIs are built using FastAPI.
Language: CSS - Size: 68.7 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

buntyke/rlintro
Introduction to Reinforcement Learning: Slides and code
Language: TeX - Size: 3.27 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

e-candeloro/Reinforcement-Learning-Maze-Solver
A Python script that executes a RL algorithm (Temporal Difference/Q-Learning) that trains an agent inside a labyrinth to find the exit with the least number of steps possible
Language: Python - Size: 247 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

gaetanserre/Reinforcement-learning-algorithms
An implementation of various reinforcement learning algorithms (Q-Learning, Deep Q-Learning, AlphaZero) on several games.
Language: Jupyter Notebook - Size: 30 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

ozgurSULUM/QLearningProject
Implementation of Q-Learning reinforcement learning algorithm with Java programming language.
Language: Java - Size: 138 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Pradnya1208/Snake-Game-using-Deep-Reinforcement-Learning
🐍 The Project is based on Reinforcement Learning which trains the snake to eat the food present in the environment.
Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Arek-KesizAbnousi/Reinforcement_Learning-Python
We use python software and NumPy library to implement the Q-learning method , train an Agent to solve a Reinforcement Learning Problem
Language: Jupyter Notebook - Size: 164 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

shashankiit/FILA
Assignments for CS 747 course offered at IIT Bombay
Language: Python - Size: 12.8 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

artem-istranin/wappo_game
This project implements Q-learning for Wappo game.
Language: Python - Size: 743 KB - Last synced at: about 2 years ago - Pushed at: over 3 years 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

kevakba/Reinforcement-Learning
Language: Jupyter Notebook - Size: 860 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

ayush29/Tic-Tac-Toe-RL
Tic Tac Toe RL Agent
Language: Python - Size: 1.21 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

turhancan97/Reinforcement-Learning-Training
In this repo, you can find information about reinforcement learning, Q-Learning, Deep Q-Learning, and Deep Convolutional Q-Learning
Language: Python - Size: 214 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0
