Ecosyste.ms: Repos

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

GitHub topics: q-learning

MorvanZhou/Reinforcement-learning-with-tensorflow

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

Language: Python - Size: 428 KB - Last synced: about 22 hours ago - Pushed: about 2 months ago - Stars: 8,676 - Forks: 4,995

chtunsw/DinoQLearningAI

This project builds a game bot for Chrome Dino Game using q-learning algorithm.

Language: Jupyter Notebook - Size: 3.29 MB - Last synced: 1 day ago - Pushed: 1 day 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: 1 day ago - Pushed: over 3 years ago - Stars: 7 - Forks: 2

Retr0-code/Pong-RL

Reinforcement learning used in the game of pong

Language: C++ - Size: 152 KB - Last synced: about 19 hours ago - Pushed: 1 day ago - Stars: 1 - Forks: 0

QC20/Q-Learning-Game-Tower-of-Hanoi

This Tower of Hanoi Game Prototype is an attempt at explaining Q-learning and Reinforcement Learning Principles to People in an Intuitive and Interactive Way

Language: HTML - Size: 154 KB - Last synced: 1 day ago - Pushed: 1 day 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: 1 day ago - Pushed: 2 months ago - Stars: 603 - Forks: 70

VaradhKaushik/RL-models-for-Super-Mario-Bros

This repository explores the application of three reinforcement learning algorithms—Deep Q-Networks (DQN), Double Deep Q-Networks (DDQN), and Proximal Policy Optimization (PPO)—for playing Super Mario Bros using the OpenAI Gym and nes-py emulator. It includes a comparative analysis of these models.

Language: Jupyter Notebook - Size: 1.33 MB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 2 - Forks: 0

F-a-b-r-i-z-i-o/maze-game

Q-learning project where an agent learns by himself to find the exit inside a maze. The project is implemented as a level-based game.

Language: Python - Size: 108 KB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 6 - Forks: 0

MarioFiorino/Tutorial-Reinforcement-Learning-ITA-Python

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

Language: Jupyter Notebook - Size: 4.09 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

MohandHAMADOUCHE/Comparison_of_V-Iter_Vs_P-Iter_Vs_Q-learn

Comparison of Value Iteration, Policy Iteration and Q-Learning for solving Decision-Making problems

Language: MATLAB - Size: 1.18 MB - Last synced: 5 days ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

zi-ang-liu/Simple_RL

implementations of basic RL algorithms

Language: Python - Size: 146 KB - Last synced: 5 days ago - Pushed: 5 days ago - Stars: 0 - Forks: 0

Subramanyam6/Multi-Agent-War-Simulation-using-Reinforcement-Learning

This project simulates a virtual war between n RL-reasoning (Q-learning) agents.

Language: Python - Size: 295 KB - Last synced: 5 days ago - Pushed: 6 days ago - Stars: 5 - Forks: 0

Rmko4/RL-Tabular-Rubikscube

Reinforcement Learning with tabular methods: TD-learning (Q-learning and SARSA) and MENACE-like approach applied to a Rubik's cube with a move set restricted to 180-degree turns.

Language: C - Size: 4.04 MB - Last synced: 7 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 1

ZenSam7/Easy_My_AI

Библиотека для создания ИИ, написана ПОЛНОСТЬЮ с нуля

Language: Python - Size: 292 MB - Last synced: 7 days ago - Pushed: 8 days ago - Stars: 1 - 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.44 MB - Last synced: 8 days ago - Pushed: 14 days ago - Stars: 289 - Forks: 15

yasirbarlas/City-INM707

We investigate the (deep) Q-learning algorithm on different environments and measure the performance of our agents.

Language: Jupyter Notebook - Size: 3.67 MB - Last synced: 9 days ago - Pushed: 10 days ago - Stars: 1 - Forks: 0

moripiri/Reinforcement-Learning-on-FrozenLake

Reinforcement Learning Algorithms in a simple Gridworld

Language: Jupyter Notebook - Size: 19.8 MB - Last synced: 13 days ago - Pushed: 13 days ago - Stars: 10 - Forks: 0

datawhalechina/easy-rl

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

Language: Jupyter Notebook - Size: 515 MB - Last synced: 13 days ago - Pushed: 2 months ago - Stars: 8,222 - Forks: 1,728

arnenoori/gto-poker-bot

GTO Poker Bot that uses reinforcement learning and self-play

Language: Python - Size: 48.9 MB - Last synced: 14 days ago - Pushed: 14 days ago - Stars: 1 - 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: 14 days ago - Pushed: 5 months ago - Stars: 298 - Forks: 92

mweglowski/pathfinding_simulator

🧨 Interactive temporal difference algorithm simulator in which agent has to find the optimal path to reach certain destination.

Language: JavaScript - Size: 277 KB - Last synced: 14 days ago - Pushed: 14 days ago - Stars: 0 - Forks: 0

shadowbourne/R2D4-RL

Durham University, Dissertation: 1st - 92. Additional Materials and Codebase for the paper: Combining Recent Advances in Reinforcement Learning for Super Mario Bros. - Recurrent Replay Deeper Denser Distributed DQN+ (R2D4+).

Language: Python - Size: 9.24 GB - Last synced: 15 days ago - Pushed: over 2 years ago - Stars: 6 - Forks: 1

yaacov/qlearner

Q learning algorithm example in python

Language: Python - Size: 30.3 KB - Last synced: 15 days ago - Pushed: 15 days ago - Stars: 0 - Forks: 0

ductaingn/Power-Allocation

Power Allocation in Sub6GHz/mmWave Networks with Risk-Averse Reinforcement Learning

Language: Python - Size: 218 MB - Last synced: 15 days ago - Pushed: 16 days ago - Stars: 3 - 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: 16 days ago - Pushed: over 3 years ago - Stars: 821 - Forks: 325

tigranfah/machine_learning

Language: Jupyter Notebook - Size: 139 MB - Last synced: 16 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

ChristianOrr/reinforcement-learning-algorithms

Reinforcement learning algorithms

Language: Jupyter Notebook - Size: 9.36 MB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 1 - Forks: 0

mrcaidev/artificial-intelligence 📦

电子科技大学 2020 级《人工智能》课程代码。

Language: Python - Size: 56.6 KB - Last synced: 18 days ago - Pushed: 19 days ago - Stars: 3 - Forks: 0

R1j1t/Reinforcement_Learning_project

Reinforcement learning implementation for 2 very popular games namely Pong and cartpole via Deep Q learning and Policy gradient

Language: Python - Size: 28.7 MB - Last synced: 19 days ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

Koukyosyumei/TenToHako

Dots and Boxes with reinforcement lerning

Language: Python - Size: 2.75 MB - Last synced: 19 days ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Hyrtsi/Robotics-Improved-Q-Learning-Project

Implementation of IQL Algorithm. Based on IQL by Konar et al. (2012).

Language: Matlab - Size: 712 KB - Last synced: 19 days ago - Pushed: over 7 years ago - Stars: 1 - Forks: 1

lbrndnr/inf581-proj

Final project for INF581 - Advanced Topics in Artificial Intelligence (2017-2018)

Language: Python - Size: 248 MB - Last synced: 19 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

felipeary91/Short-Path-Using-Q-Learning

Implementation of a short path finder using Q learning in C language

Language: C - Size: 15.6 KB - Last synced: 19 days ago - Pushed: 20 days ago - Stars: 0 - Forks: 0

VinF/deer

DEEp Reinforcement learning framework

Language: Python - Size: 12.6 MB - Last synced: 16 days ago - Pushed: 20 days ago - Stars: 485 - Forks: 127

josepharielct/QTrader

Implemented Q-Learning to predict stock returns

Language: Python - Size: 8.79 KB - Last synced: 19 days ago - Pushed: 20 days ago - Stars: 0 - 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: 9 days ago - Pushed: 3 months ago - Stars: 13 - Forks: 3

byrnesy924/Yahtzee_Deep_Learning_Agent

This project is a Double Deep Q learning Agent that learns to play the dice game Yahtzee

Language: Python - Size: 1.02 GB - Last synced: 22 days ago - Pushed: 23 days ago - Stars: 0 - Forks: 0

lucidrains/llama-qrlhf

Implementation of the Llama architecture with RLHF + Q-learning

Language: Python - Size: 19.5 KB - Last synced: 19 days ago - Pushed: 5 months ago - Stars: 148 - Forks: 4

nayohan/Maze-RL

Simple Maze Environment Solver using Q-Learning, Sarsa

Language: Jupyter Notebook - Size: 492 KB - Last synced: 23 days ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

jihoonerd/rl-maze

Simple maze solver by reinforcement learning

Language: Python - Size: 1.54 MB - Last synced: 24 days ago - Pushed: 24 days ago - Stars: 5 - Forks: 1

ChihChiu29/deep_learning

Component-driven library for performing DL research.

Language: Jupyter Notebook - Size: 111 MB - Last synced: 26 days ago - Pushed: over 4 years ago - Stars: 6 - Forks: 1

mostafamhmdi/Evolution-of-trust

implementation of "Evolution of Trust" game using python

Language: Python - Size: 84 MB - Last synced: 27 days ago - Pushed: 27 days ago - Stars: 0 - Forks: 0

Allenpandas/Reinforcement-Learning-Papers

📚 List of Top-tier Conference Papers on Reinforcement Learning (RL),including: NeurIPS, ICML, AAAI, IJCAI, AAMAS, ICLR, ICRA, etc.

Size: 596 KB - Last synced: 27 days ago - Pushed: 27 days ago - Stars: 238 - Forks: 30

destagia/q-maze

Q-Learning model solves a maze

Language: Python - Size: 18.6 KB - Last synced: 27 days ago - Pushed: about 7 years ago - Stars: 0 - Forks: 0

Draichi/ai-flappy-bird

DQN on Flappy Bird

Language: JavaScript - Size: 665 KB - Last synced: 27 days ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

Relex12/Maths-for-IT

Understand the mathematics behind computer science

Size: 21.5 KB - Last synced: 27 days ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

victor-iyi/simple-Q-network

A Q Learning Reinforcement agent using a simple feed forward neural net.

Language: Python - Size: 50.8 KB - Last synced: 27 days ago - Pushed: over 6 years ago - Stars: 2 - Forks: 1

victor-iyi/basic-Q-learning-algorithm

Implementation of a basic Q Learning algorithm in the OpenAI's gym environment

Language: Jupyter Notebook - Size: 10.7 KB - Last synced: 27 days ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

ramaprv/qlearning-dots-and-boxes

Dots and Boxes Game - Q-Learning Approach

Language: Python - Size: 358 KB - Last synced: 27 days ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

abhinand5/lunar-lander-deep-rl

Solving OpenAI Gym's Lunar Lander environment using Deep Reinforcement Learning

Language: Python - Size: 16.6 MB - Last synced: 28 days ago - Pushed: over 1 year ago - Stars: 6 - Forks: 3

AlinaGavrish/Implementation-of-Q-learning-for-Blackjack

This repository serves as a learning resource for reinforcement learning techniques, specifically Q-learning, applied to a simplified version of the Blackjack game. It encourages exploration of different agent strategies and parameter settings to understand their impact on learning and decision-making.

Language: Java - Size: 50.8 KB - Last synced: 29 days ago - Pushed: 30 days ago - Stars: 0 - Forks: 0

ivanbelenky/tty_games

Terminal Game Engine

Language: Python - Size: 767 KB - Last synced: 30 days ago - Pushed: 12 months ago - Stars: 2 - Forks: 0

cjm715/deep-Q-learning

Deep Q-Learning of Unity's Banana environment

Language: Python - Size: 25.2 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

akarazeev/MOOCs

Different MOOCs on different topics 🙂

Language: Jupyter Notebook - Size: 11.7 MB - Last synced: about 1 month ago - Pushed: over 6 years ago - Stars: 3 - Forks: 1

TYJUN1201/Minesweeper_DoubleDQN

Using Double Deep Q-Network to learn to play Minesweeper game

Language: Python - Size: 358 MB - Last synced: about 1 month ago - Pushed: 3 months ago - Stars: 1 - Forks: 0

pdqnguyen/rogue-rl

Deep Q-learning agent for navigating through procedurally-generated worlds

Language: Python - Size: 3.75 MB - Last synced: about 1 month ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

yazanobeidi/flow

High frequency AI based algorithmic trading module.

Language: Python - Size: 9.33 MB - Last synced: 29 days ago - Pushed: about 8 years ago - Stars: 68 - Forks: 25

DACUS1995/QLearning-FrozenLake

QLearning-FrozenLake

Language: Python - Size: 23.4 KB - Last synced: about 1 month ago - Pushed: about 4 years ago - Stars: 0 - Forks: 1

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: about 1 month ago - Pushed: 8 months ago - Stars: 2 - Forks: 2

dhorpynchenko/reinforcement-learning

Reinforcement learning algorithm implementation for "Artificial Intelligence" course project, La Sapienza, Rome, Italy, 2018

Language: Python - Size: 732 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

Pabloo22/coin_flip_cheaters_solver

Solver of the game “Coin Flip Cheaters” which can be found on https://primerlearning.org/. This is not a bot, in order to use it in the real game you would need to do it manually.

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

BeeGass/Deep-Q-Learning

This is my attempt at implementing the paper "Playing Atari with Deep Reinforcement Learning" By Volodymyr Mnih, Koray Kavukcuoglu, David Silver, Alex Graves, Ioannis Antonoglou, Daan Wierstra and Martin Riedmiller. This is my first attempt at both reading and implementing a research paper.

Language: Jupyter Notebook - Size: 6.65 MB - Last synced: about 1 month ago - Pushed: about 3 years ago - Stars: 2 - Forks: 0

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

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

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

iisys-hof/map-matching 📦

Map Matching with Markov Decision Processes [Proof-of-concept]

Language: Python - Size: 1.09 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

dalmia/P1_Navigation

My solution code for the first project of Udacity's Deep Reinforcement Learning Nanodegree

Language: ASP - Size: 47.3 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

waynemystir/deep-RL-bootcamp

My solutions to the labs from this bootcamp:

Language: Jupyter Notebook - Size: 110 MB - Last synced: about 1 month ago - Pushed: about 5 years ago - Stars: 3 - Forks: 0

haiderzm/ReinforcementLearningWithGym

Implementation of Reinforcement Learning Algorithms(Q-Learning and DeepQLearning) on Open-AI Gym Environments

Language: Jupyter Notebook - Size: 614 KB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

bermed28/cs7641-assignment4

Project that experiments with algorithms used to solve Markov Decision Processes

Language: Python - Size: 995 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

henry32144/udacity-mlnd-smartcab

Udacity Machine Learning nanodegree project

Language: HTML - Size: 870 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

marcofavorito/breakout-RL

Experiments on Breakout game applying Reinforcement Learning techniques

Language: Python - Size: 12.7 KB - Last synced: about 1 month ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

jamescasia/8puzzle-solver-bot-rl

An 8-puzzle solver bot made with reinforcement learning

Language: Jupyter Notebook - Size: 18.1 MB - Last synced: about 1 month ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

HKR-Thesis/thesis

ML Training Environment for Inverted Pendulum Robot

Language: Jupyter Notebook - Size: 77.8 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 2 - Forks: 0

Paperspace/DinoRunTutorial

Accompanying code for Paperspace tutorial "Build an AI to play Dino Run"

Language: Jupyter Notebook - Size: 405 KB - Last synced: about 1 month ago - Pushed: almost 4 years ago - Stars: 321 - Forks: 104

Nikorasu/SnakeAI

WIP project to use machine learning to play Snake!

Language: Python - Size: 64.5 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

dan-niles/openai-gym-taxi-analysis

Scripts to test the influence of learning rate and discount rate on q-learning algorithms using OpenAI Gym's Taxi environment

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

omerbsezer/Reinforcement_learning_tutorial_with_demo

Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..

Language: Jupyter Notebook - Size: 151 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 677 - Forks: 166

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

lucaballotta/ProcessingNetworks-RL

Code for simulations in IEEE TNSE article "To Compute or not to Compute? Adaptive Smart Sensing in Resource-Constrained Edge Computing" by L. Ballotta, G. Peserico, F. Zanini, and P. Dini.

Language: C++ - Size: 131 KB - Last synced: 25 days ago - Pushed: 4 months ago - Stars: 2 - Forks: 0

filangelos/qtrader 📦

Reinforcement Learning for Portfolio Management

Language: Jupyter Notebook - Size: 41.6 MB - Last synced: about 1 month ago - Pushed: almost 6 years ago - Stars: 445 - Forks: 172

glample/Arnold

Arnold - DOOM Agent

Language: Python - Size: 168 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 515 - Forks: 98

jczic/MicroMLP

A micro neural network multilayer perceptron for MicroPython (used on ESP32 and Pycom modules)

Language: Python - Size: 209 KB - Last synced: 29 days ago - Pushed: over 3 years ago - Stars: 172 - Forks: 26

cyoon1729/deep-Q-networks 📦

Implementations of algorithms from the Q-learning family. Implementations inlcude: DQN, DDQN, Dueling DQN, PER+DQN, Noisy DQN, C51

Language: Jupyter Notebook - Size: 73.2 KB - Last synced: about 1 month ago - Pushed: about 4 years ago - Stars: 246 - Forks: 75

Akshat6133/reinforcement_learning_game

Language: Python - Size: 4.46 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

harveybc/gym-fx

Forex trading simulator environment for OpenAI Gym, observations contain the order status, performance and timeseries loaded from a CSV file containing rates and indicators. Work In Progress

Language: Python - Size: 21.8 MB - Last synced: about 1 month ago - Pushed: 3 months ago - Stars: 197 - Forks: 51

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: about 1 month ago - Pushed: over 3 years ago - Stars: 23 - Forks: 13

jayanthd04/Q-learning-Frozen-Lake-and-taxi

Implementation of Q-learning Algorithm on FrozenLake and Taxi environments

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

AntoAndGar/AutonomousNetworking

Simulator of a squad of drone doing a Q-Learning algorithm to maximize packet delivered to depot, for the HW1 on University Course AN

Language: Python - Size: 109 MB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

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

MauroLuzzatto/learn-tictactoe-through-self-play

This repository contains a Q-Learning algorithm that learns to play TicTacToe through self-play.

Language: Jupyter Notebook - Size: 214 KB - Last synced: about 1 month ago - Pushed: about 2 years ago - Stars: 3 - Forks: 0

fardinabbasi/Deep_RL

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

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

callmespring/RL-short-course

Reinforcement Learning Short Course

Language: Jupyter Notebook - Size: 83 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 35 - Forks: 12

bilelouahmed/snake-ai

A Snake game resolution using Reinforcement Learning, specifically the Q-Learning algorithm.

Language: Python - Size: 141 KB - Last synced: about 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

DevelopmentGuide/AI 📦

This repository contains the code for the artificial intelligence that I have learned. DEPRECATED ❌

Size: 1.95 KB - Last synced: 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

fardinabbasi/MDP_RL

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

Size: 630 KB - Last synced: about 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

gges5110/LoveLetter

My attempt of replicating Love Letter board game

Language: JavaScript - Size: 10.6 MB - Last synced: 2 months ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

ColinDao/nim

Nim AI

Language: Python - Size: 20.5 KB - Last synced: 2 months ago - Pushed: 2 months 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: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

MicheleCancilla/HanoiTower

Hanoi Tower implemented in MATLAB using Q-learning

Language: Matlab - Size: 680 KB - Last synced: 2 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 0

sakamoto00/AI

Implementation of some important ideas in the AI world.

Language: Python - Size: 572 KB - Last synced: 2 months ago - Pushed: about 6 years ago - Stars: 1 - Forks: 2

Pabloo22/tabular_rl

A simple Reinforcement Learning framework to decouple agents from environments in discrete-state settings with implementations of double Q-learning and policy iteration through dynamic programming.

Language: Python - Size: 242 KB - Last synced: 3 days ago - Pushed: about 1 year ago - Stars: 5 - Forks: 0

Related Keywords
q-learning 1,007 reinforcement-learning 698 machine-learning 193 python 183 deep-learning 117 deep-reinforcement-learning 113 artificial-intelligence 104 sarsa 101 dqn 86 ai 86 openai-gym 80 pytorch 61 reinforcement-learning-algorithms 57 deep-q-learning 54 neural-network 52 value-iteration 51 markov-decision-processes 49 deep-q-network 48 policy-iteration 46 tensorflow 45 policy-gradient 45 python3 40 gym 39 sarsa-learning 36 pygame 30 tic-tac-toe 28 rl 28 genetic-algorithm 28 actor-critic 27 q-learning-algorithm 26 monte-carlo 25 dynamic-programming 24 neural-networks 24 keras 23 epsilon-greedy 22 game 21 mdp 19 agent 19 temporal-differencing-learning 18 qlearning 18 gym-environment 18 frozenlake 18 jupyter-notebook 17 reinforcement-learning-agent 17 reinforcement-learning-environments 16 numpy 16 sarsa-lambda 16 double-q-learning 15 double-dqn 15 simulation 15 ddpg 14 openai 14 dqn-pytorch 14 ppo 14 machine-learning-algorithms 14 robotics 13 minimax 13 java 12 bellman-equation 12 artificial-neural-networks 12 deep-neural-networks 12 td-learning 12 maze-solver 12 flappy-bird 12 monte-carlo-methods 11 cnn 11 multi-agent-reinforcement-learning 11 expected-sarsa 11 q-learning-vs-sarsa 11 mountain-car 11 tictactoe 11 ml 11 javascript 11 game-theory 10 alpha-beta-pruning 10 monte-carlo-tree-search 10 convolutional-neural-networks 10 snake-game 10 maze 10 cartpole-v1 9 keras-tensorflow 9 atari 9 prioritized-experience-replay 9 grid-world 9 gridworld 9 minimax-algorithm 9 cartpole 9 open-ai-gym 9 dueling-dqn 9 td3 9 q-table 8 reinforce 8 cartpole-v0 8 evolutionary-algorithms 8 cliffwalking 8 optimization 8 path-planning 8 self-driving-car 8 expectimax 8 cpp 8