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

Topic: "q-learning-algorithm"

linesd/tabular-methods

Tabular methods for reinforcement learning

Language: Python - Size: 1.51 MB - Last synced at: 16 days ago - Pushed at: almost 5 years ago - Stars: 38 - Forks: 8

BY571/Normalized-Advantage-Function-NAF-

PyTorch implementation of the Q-Learning Algorithm Normalized Advantage Function for continuous control problems + PER and N-step Method

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

TimKoornstra/automatic-piano-fingering

This repository contains the code for automatically generating piano fingerings using a reinforcement learning agent that uses Q-Learning.

Language: Python - Size: 56.6 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 2

PoCInnovation/Open-Zero

Open-zero is a research project aiming to realize the various projects of the company DeepMind

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

bahadiraraz/paper-game

Turn based strategy game with AI

Language: Python - Size: 85.9 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 0

CristianCosci/Reinforcement_Learning_Mouse_vs_Cat

Two intelligent agents (cat and mouse) compete with each other to achieve their goal. Agents are trained through reinforcement learning (Q-learning).

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

MauroLuzzatto/Q-Learning-Demo-Play-nChain

This repository contains a Jupyter Notebook with an implemenation of a Q-Learning Agent, which learns to solve the n-Chain OpenAI Gym environment

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

StepanTita/q-learning

a Python-based platformer infused with Q-Learning and dynamic level creation from simple JSON files.

Language: Python - Size: 276 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

akshayratnawat/ReachingTargetLocation_ReinforcementLearning_Webots

The objective is to teach robot to find and reach the target object in the minimum number of steps and using the shortest path and avoiding any obstacles such as humans, walls, etc usinf reinforcement learning algorithms.

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

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

ChaitanyaC22/Numerical_TicTacToe_Agent_using_Reinforcement_Learning

Build an RL (Reinforcement Learning) agent that learns to play Numerical Tic-Tac-Toe. The agent learns the game by Q-Learning.

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

phamduyaaaa/Play-All-ToyText-with-Q-Learning

Q-Learning applied to Gymnasium's Toy Text environments: FrozenLake, CliffWalking, BlackJack, and Taxi.

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

hussein-shamy/Bachelor-Thesis

A collaborative repository for our Bachelor's thesis, focused on optimizing the Cell Outage Compensation (COC) algorithm in Self-Organizing Networks (SONs). Leveraging AI-Hardware Acceleration, the project aims to bolster 5G network reliability, particularly for emerging technologies like autonomous driving.

Language: TeX - Size: 12.7 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

vishal815/Tictactoe_q_learing_ML

Tic-Tac-Toe Q-Learning is a beginner-friendly example of using reinforcement learning.

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

Mhijazi16/AI-GameOptimization

Welcome to AI-GameOptimization, a repository dedicated to exploring and implementing various optimization algorithms to solve complex games. This project initially focuses on solving the classic game Sokoban using the Q-learning algorithm, with plans to extend to genetic algorithms and other optimization techniques in the future.

Language: C++ - Size: 40 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

VOCdevShy/Q-Learning_Frozen_Lake

Made with the gym package from the farama foundation, this project is an hyper detailed version of the Q-Learning reinforcement on the Frozen lake's game.

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

imm-rl-lab/q-learning_with_bounded_naf

The implementation for the paper Continuous Deep Q-Learning in Optimal Control Problems: Normalized Advantage Functions Analysis // NeurIPS 2022

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

ghazaleh-mahmoodi/Neural_Networks

This repository contains various networks implementation such as MLP, Hopfield, Kohonen, ART, LVQ1, Genetic algorithms, Adaboost and fuzzy-system, CNN with python.

Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Samthesimpsons/Project-Reinforcement-Learning-Wordle-Solver

SUTD 50.021 Artificial Intelligence Project - Wordle Solver using Reinforcement Learning

Language: Python - Size: 3.09 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

showman-sharma/taxi-v3-learning

In this project, we tried two different Learning Algorithms for Hierarchical RL on the Taxi-v3 environment from OpenAI gym. SMDP Q-Learning and Intra Option Q-Learning and contrasted them with two other methods that involve hardcoding based on human understanding. We conclude that the solutions learnt by machine are way superior than humans for this problem. Intra Option Q-Learning outperforms SMDP Q-Learning because of better usage of the SARS samples (similar to experience replay). Our algorithms even outperform the Hardcoded Agent. We also demonstrated and concluded the strong effectiveness of state compression on the model performance.

Language: Jupyter Notebook - Size: 2.14 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

sahandkhoshdel99/Intelligent-Systems-ML-

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

Shyamyar/grid-path-qlearning

Docking robot in a grid environment trained it with Q-learning

Language: Python - Size: 268 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

viniciusenari/Q-Learning-and-SARSA-Mountain-Car-v0

Demonstration of Q-Learning and SARSA algorithms utilizing Python and OpenAI GYM

Language: Python - Size: 428 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

Jenson073/Q-learning_trading

This project is a simplified approach to algorithmic trading and provides insights into the application of reinforcement learning in financial markets. It can serve as a foundational step towards building more sophisticated trading strategies using machine learning and artificial intelligence.

Size: 4.88 KB - Last synced at: about 14 hours ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Jenson073/Reinforment-learning_cartpole

This project serves as an introduction to Deep Q-Learning and reinforcement learning concepts. The trained agent learns to balance the cart-pole system through iterative training and evaluation. You can modify the environment or parameters to further experiment with different reinforcement learning strategies.

Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

jeffasante/ant-colony-rl

An interactive JavaScript simulation of ant colonies using reinforcement learning (Q-learning), showcasing real-time foraging, pheromone trails, and emergent swarm intelligence.

Language: HTML - Size: 2.94 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

sergi-s/Special-Topics-in-Artificial-Intelligence

Porjects for Algorithmic Techniques for Artificial Intelligence

Size: 326 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

brendadenisse16/Advanced-Reinforcement-Learning-for-Financial-Option-Pricing

Implementation of Q-Learning, Double Q-Learning, and LSPI for pricing American options under the Black-Scholes model

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

elobazza/cliff-walking

⛰️ Implementation of the Cliff Walking problem, using Java Swing and Q-Learning

Language: Java - Size: 102 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

gsiatras/TUC_Reinforcement_Deep_Learning_Algorithms_in_Poker Fork of datamllab/rlcard

Reinforcement learning algorithms in poker games

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

AntoniovanDijck/BlackJackRL

Deep Q Learning blackbox strategies for casino games

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

kkKaan/reinforcement-learning-for-tsp

A Q-learning like algorithm to find the optimal solutions for the Travelling Salesman Problem (TSP).

Language: C++ - Size: 218 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

marcocolangelo/Computational-Intelligence

The content of this repository will be inherent to the Computational Intelligence course at Polytechnic University of Turin academic year 2023/2024

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

esscova/qlearning-acoes

trading bot using q-learning

Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

IGORSVOLOHOVS/my-microsoft-azure-quantum-learning

Q# (Q Sharp) is a programming language developed by Microsoft specifically for quantum computing. Here, code with quantum algorithms and computations will be presented. In the commits, you can observe the topics I have studied.

Language: Q# - Size: 1.51 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Abrarulhassan-786/FrozenLake

During my Course of Ai in kiet. I was learing reinforce learning algorithm. I have implemented Q-Learnning on Frozen Lake. Great game/ also make ppt for describe code

Language: Python - Size: 107 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

LauraKarimova/Big_Data_Research_Project

The 3D bin packing problem is a combinatorial optimization problem that involves fitting a given set of items of various sizes into a container of a specific size such that the total volume of the items is as close to the volume of the container as possible.

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

mariaafara/DungeonMapGenerator

A Maze Generator API Service

Language: Python - Size: 41 KB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ches-001/Reinforcement-Learning-with-Q-Learning-Algorithm

Reinforcement Learning with Q-Learning Algorithm on gym's frozen lake environment implemented in python

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

benlyazid/SNAKE_AI

Build A neural network that can play snack Game using (D.Q.N)

Language: Python - Size: 5 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

jahnvisikligar/Artificial-Intelligence_in_Games

This repository is reflection of the artificial intelligence algorithms and explore their application in various games. The work implemented by me are in accordance with the coursework - ECS7002P

Language: Python - Size: 735 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

Sphincz/PacmanRL

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

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

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: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

dennismgoetz/RL_inventory_management

"Introduction to Reinforcement Learning" course at the Catholic University of Eichstätt-Ingolstadt

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

JaanuNan/ProductRecommendation-using-RL-

A Streamlit application demonstrating Reinforcement Learning (RL) for intelligent product recommendations in online advertising. Explore different RL algorithms and their impact on personalization.

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

PeterBaptista/Q-learn-training

Este projeto implementa um agente de aprendizado por reforço usando Q-Learning para aprender a navegar por um ambiente baseado em plataformas. O agente interage com o jogo por meio de uma conexão via socket e tenta maximizar sua pontuação ao longo dos episódios.

Language: ASP.NET - Size: 0 Bytes - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

shallowManica/Taxi_Game_RL_Project

The Taxi Game from OpenAI Gym

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

ojoaosoares/Q-Learning

An implementation of Q-Learning for a college work

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

liAmirali/UIAI-RL-project

An agent being trained to find its way in a stochastic and partially observable maze using SARSA and Q-Learning algorithms.

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

TimeLordRaps/MCSTS-Q-Splay-Trees

Monte-Carlo Splay Tree Search with Q-Learning for optimal splay operations and caching in Splay Trees

Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 1

RemilaJoysMaryA/Grid-World-Navigation-using-Q-Learning

FInding the optimal path in the Grid using Q-Learning, a Reinforcement Learning algorithm

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

tashi-2004/Deep-Learning-Grid-World-Q-Learning

Deep Learning Grid World Q-Learning . Implement Q-learning in a 5x5 grid where an agent navigates obstacles and rewards. Train the agent with varying learning rates, visualize its progress, and see Q-values as heatmaps. Run the script to start training and view results. Contributions are welcome!

Language: Python - Size: 280 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

William-Zhan-bot/Q-Learning_maze

強化學習-以Q學習法 進行小老鼠走迷宮的實驗

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

AmirInt/reinforcement_living

Playing games using Reinforcement Learning. As part of the MITx course on machine learning with Python - from linear models to deep learning

Language: Python - Size: 361 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Senich17/Atari_DQN

Learning based on the deep Q-network

Language: Jupyter Notebook - Size: 96.7 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - 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

LaurentVeyssier/q_learning

optimal logistic route with Q_learning

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

omarkhaled00/robot-vacuum-cleaner-with-Reinforcement-learning-

In this project i created virtual environment of house that have obstacles , wall ,and dirt that the vacuum cleaner have to clean in the most efficient movement with was done with Reinforcement learning

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

rafi1114/AI-playing-Snake-using-RL

This project demonstrates a reinforcement learning agent that plays the classic Snake game. The agent is trained using Q-learning to optimize its performance in the game.

Language: Python - Size: 4.87 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ShashJan94/SnakeGameWithReinforcementLearningPython

Traditional Snake Game with AI competitor

Language: Python - Size: 173 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

mazerunner1001/A-Q-Learning-based-Routing-Algorithm-for-IoV

A Q-Learning based Routing Algorithm for Internet of Vehicles, using vehicle trajectory prediction

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

shreyasngredd/ReinforcementLearning

Four python code files experimenting with reinforcement learning

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

Daksh2060/gridworld-reinforcement-learning

This project implements Value Iteration and Q-Learning algorithms to solve a variety of gridworld mazes and puzzles. It provides pre-defined policies that can be customized by adjusting parameters and policy optimization through iterative reinforcement learning. It also brings exploration capabilities to the agent with Epsilon Greedy Q-Learning.

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

EnriqManComp/smart-disks

This project aims to find a possible solution to a search problem in a given environment with two players using Deep Reinforcement Learning. Additionally, after one player finds the other, the task shifts to maintaining visibility for the longest possible time

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

edvujic/Maze-Q-Learning-Game

In this initiative, we integrate the principles of Reinforcement Learning with the robust Q Learning Algorithm to craft a solution that directs an autonomous agent through a labyrinthine maze. The aim is to optimize the agent's pathfinding abilities, allowing it to reach its target with precision and intelligence.

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

spear97/UE5-Q-Learning

This is a Remake of the Senior Design Capstone that was created for the Spring Semester of 2022 at Texas Wesleyan University. I scaled down the Scope of the application, and the overall simulation focused on getting an AI Agent to Navigate a Maze to reach the location of a Goal in a Maze using Reinforcement Learning via the Q-Learning Algorithm.

Language: C - Size: 1.47 GB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

alexliap/multiagent_games

Multi-Agent games for rectangular boards. Training achieved with Q-Learning.

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

shahriarivari/Diabete_RL

using Rl an agent learns how much insulin to pump.

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

theanh97/Forecasting-Stock-Prices-With-Deep-Learning

A project that involves using Deep Learning to forecast stock prices.

Language: Jupyter Notebook - Size: 51.8 KB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

adamchairly/ai-agents

A repository for several ai algorithm, implemented in popular game environments

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

SheidaAbedpour/Reinforcement-Learning-in-Random-Mazes

This project employs Q-learning to train a reinforcement learning agent in a randomly generated maze environment.

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

yrribeiro/deep-reinforcement-learning

Hugging Face Course by Thomas Simioni Deep RL projects resolution

Language: Jupyter Notebook - Size: 200 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ykawahar/EcologyAI-DeepReinforcementLearning

A public reupload of AI Q-Learning Project

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

ftmoztl/car-parking-with-reinforcement-learning

Q-learning application to find an optimal parking slot

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

lusk4r/algoRL

set of Reinforcement Learning algorithms implemented from scratch

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

Mehrab-Kalantari/Wumpus-World-Q-Learning

Solving a simple wumpus game using Q-learning algorithm

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

no-aya/Q-Learning-implementation

Implémentation de l'algorithme the Q-learning avec JAVA : Version séquentielle et version multi-agents

Language: Java - Size: 3.56 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Wb-az/Reinforcement-Learning

Reinforcement Learning and Deeep reinforcement Learning

Language: Jupyter Notebook - Size: 697 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

thusharabandara/frozen-lake-environment

Language: Python - Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

KordianChi/tic-tac-toe_with_Q_learning

Game Tic-Tac-Toe with Q_learning algorithm

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

DaniDF/AutonomousGameDiamond

This is a simple implementation of a game player using reinforcement-learning

Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Gabriel-Gouveia/Aprendizagem-por-reforco

Utilizando o algoritmo Q-Learning para ensinar um agente (taxi) a buscar um passageiro e deixá-lo no destino correto, passando pela menor quantidade de estados possíveis.

Language: Python - Size: 684 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tanzeelgcuf/Reinforcement-learning-for-aiming

Reinforcement Learning for 3D modelling with Q-Learning algorithm

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

timothewt/SnakeAI

Machine Learning project using Q-Learning without any ML library

Language: Python - Size: 1.64 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SwamiKannan/Acrobot-Tile-coding

Solving the Acrobot environment using Q-learning and Tile coding

Language: Jupyter Notebook - Size: 674 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SwamiKannan/Mountain-Car-v0

Mountain Car v0 using Q-Learning

Language: Jupyter Notebook - Size: 917 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SwamiKannan/Taxi-navigation

Compare q-learning, SARSA and Expected SARSA to solve AI gym's Taxi-v3 environment

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

SwamiKannan/CliffWalk

Cliffwalk to compare SARSA and Q-Learning

Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: about 23 hours ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

malekelkssas/Q_learning_FrozenLake

reinforcement learning model, Q-learning algorithm. for this example, we will use Q-learning algorithm to train agent to navigate a popular environment from open AI Gym, once you import gym you can load any environment.

Language: Python - Size: 1000 Bytes - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

arijit200/grid-search

Q-Learning project on Grid Search

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

Flow-Glow/Q-Learning

Language: Python - Size: 2.56 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

msoczi/RL_treasure_hunters

Own implementation of the Q-learning algorithm presented on the example of the "treasure hunter" game.

Language: Python - Size: 244 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

kumar-sanjeeev/reinforcement-learning

This repo contains implementation of algorithms that I have learned in my course work of Reinforcment learning

Language: Python - Size: 25.4 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

urastogi885/connect-me-if-you-can

A self-learning connect-4 game with GUI

Language: Python - Size: 6.51 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

jbaudru/py_rl_maze

You can create mazes by clicking on the boxes, set the parameters, start the AI learning, and replay the learned solution.

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

pleontis/Ms-Pacman-Autonomous-Agent

Autonomous Agents course at ECE TUC. Project written in Python using Q-learning for an autonomous behavior on a Pac_man Agent

Language: HTML - Size: 88.9 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Iyanuoluwa-vic/Learning-Paths-Using-Reinforcement-Learning-AlphaZero

An agent-based system which over several iterations explores and learns an initially unknown environment, a five by five grid consisting of three different types of spaces, normal locations, pickup locations, and drop off locations.

Language: Python - Size: 1.31 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

zefea/qLearning

Mouse and Cheese

Language: Python - Size: 17.3 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

raniavirdas/RL-QLearning-Implementation

Application of Q-Learning where robot find ways to achieve goal. This respository is intended to fulfill the task of Reinforcement learning (changing the environment of implementing Q-Learning)

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

aguerrero232/deep-q-learning-agent-nn

Deep Q learning Agent With Neural Network From Scratch

Language: Jupyter Notebook - Size: 125 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Related Topics
reinforcement-learning 69 q-learning 39 python 28 reinforcement-learning-algorithms 23 machine-learning 22 artificial-intelligence 12 ai 9 deep-reinforcement-learning 9 python3 9 deep-learning 7 pygame 6 reinforcement-learning-agent 6 epsilon-greedy 5 tensorflow 5 reinforcement-learning-environments 5 sarsa-algorithm 5 q-learning-vs-sarsa 5 game 5 genetic-algorithm 5 rl 4 sarsa 4 openai-gym 4 cpp 4 deep-q-network 4 sarsa-learning 4 deep-q-learning 4 machine-learning-algorithms 3 dqn 3 dqn-algorithm 3 frozenlake 3 taxi-v3 3 gym-environment 3 pytorch 3 numpy 3 jupyter-notebook 3 agent-based-modeling 2 inventory-management 2 maze-solver 2 ddpg-algorithm 2 tabular-q-learning 2 markov-decision-processes 2 q-learning-lambda 2 arima-model 2 keras 2 snake 2 snake-game 2 neural-networks 2 rewards 2 game-development 2 q-value 2 monte-carlo 2 gridworld-environment 2 matplotlib 2 ml 2 pathfinding 2 hyperparameter-tuning 2 svm-classifier 2 cliffwalking 2 stochastic-gradient-descent 2 policy-iteration-algorithm 2 gym 2 value-iteration 2 policy 2 gymnasium 2 mcts-algorithm 2 evolutionary-algorithms 2 gradient-descent 2 naive-bayes-classifier 2 data-science 2 frozen-lake-game 2 java 2 tic-tac-toe 2 policy-iteration 2 q 2 naf 2 reinforcementlearning 1 q-table 1 renforcement-learning 1 torch 1 dnn 1 python-project 1 github-project 1 mathematical-modelling 1 keras-tensorflow 1 intelligent-agents 1 vanilla-javascript 1 dqn-pytorch 1 games 1 swarm-intelligence 1 sokoban-game 1 optimization-algorithms 1 rlx 1 among-us 1 pathfinding-algorithm 1 graph-search-algorithms 1 html-css-javascript 1 bellman-equation 1 dueling-ddqn 1 ddqn 1 detailed 1