Ecosyste.ms: Repos

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

GitHub topics: qlearning

HaoJunNM/Deep-Reinforcement-Learning

My study and practice summary for Deep Learning

Size: 12.7 KB - Last synced: about 9 hours ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

kevin-rn/Computational-Intelligence

Language: Python - Size: 1.12 MB - Last synced: 2 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 1

AlvinKimata/Reinforcement-learning

This repository contains code implementations of basic RL algorithms.

Language: Jupyter Notebook - Size: 36.6 MB - Last synced: 2 days ago - Pushed: 10 months ago - Stars: 1 - Forks: 0

eantcal/nunn

Collection of Machine Learning Algorithms

Language: C++ - Size: 13.3 MB - Last synced: 5 days ago - Pushed: 5 days ago - Stars: 10 - Forks: 0

MushroomRL/mushroom-rl

Python library for Reinforcement Learning.

Language: Python - Size: 75.8 MB - Last synced: 3 days ago - Pushed: 28 days ago - Stars: 773 - Forks: 141

thisiscetin/ttt_qlearning

TicTacToe game with Double Q-learning.

Language: C++ - Size: 187 KB - Last synced: 5 days ago - Pushed: about 4 years ago - Stars: 2 - Forks: 0

lucashnss/if684-qlearning-project

This is a project for the course Inteligent Systems (IF684) in CIN-UFPE. Basically it's the implementation of q learning, which is a reinforcement learning algorithm, the objective is use it to training the Amongus to learn the fastest way to arrive at the end of the map.

Language: Python - Size: 6.84 KB - Last synced: 10 days ago - Pushed: 11 days ago - Stars: 0 - Forks: 0

aethrvmn/Human-Diffusion

Q-Learning Out of Africa model. This was the project for the course Statistical Machine Learning for the University of Torino.

Language: Jupyter Notebook - Size: 99.2 MB - Last synced: 13 days ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

MartinGurasvili/Snake

Computer learns how to play snake using a Q Learning NN through the PyTorch library

Language: Python - Size: 320 KB - Last synced: 14 days ago - Pushed: over 1 year ago - Stars: 4 - Forks: 0

aashrafh/CMP402

Solution of Machine Intelligence (CMP402) labs

Language: Python - Size: 339 KB - Last synced: 14 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

blavad/marl

Multi-agent reinforcement learning framework

Language: Python - Size: 6.39 MB - Last synced: 7 days ago - Pushed: almost 4 years ago - Stars: 25 - Forks: 8

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: 17 days ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

bigjohn98pl/Snake_Q-learning_and_SARSA

Implementation of a q-learning algorithm

Language: Python - Size: 12.7 KB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 0 - Forks: 0

ShimronAlakkal/RL-bot

Language: Jupyter Notebook - Size: 172 KB - Last synced: 22 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Marcellofabrizio/Pathing-With-QLearning

QLearning project for the Artificial Intelicence class using Python

Language: Python - Size: 31.3 KB - Last synced: 22 days ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

msuvorov7/base_deep_learning

Implementation of base DL tasks

Language: Jupyter Notebook - Size: 3.88 MB - Last synced: 23 days ago - Pushed: 23 days ago - Stars: 0 - Forks: 0

aditipanchal121/SpaceCRAFT

ML used for SpaceCRAFT, as part of my undergraduate research at Texas A&M

Language: Python - Size: 2.39 MB - Last synced: 23 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

selfint/OpenAIGym-HelloWorld

Simple Q-Learning implementation with OpenAi Gym

Language: Python - Size: 6.84 KB - Last synced: 23 days ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

aaryanrr/RL-QLearning

Q-Learning Algorithm using RL Approach

Language: Python - Size: 618 KB - Last synced: 28 days ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

DACUS1995/LunarLander-RL

Language: Python - Size: 85 KB - Last synced: 28 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

mwdchang/q-learning

Q-Learning navigation solver

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

Alexyskoutnev/Delivery-Controller

Navigate a grid map efficiently, avoiding obstacles, and finding optimal paths for autonomous systems. This project combines Reinforcement Learning, Monte Carlo Tree Search, and Model-Based Formal Methods to create and validate effective path plans.

Language: Python - Size: 11 MB - Last synced: 29 days ago - Pushed: 5 months ago - Stars: 3 - Forks: 1

hypnobrando/tictactoe-checkers-ai

cs 51 final project

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

simoninithomas/Deep_reinforcement_learning_Course

Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch

Language: Jupyter Notebook - Size: 225 MB - Last synced: 28 days ago - Pushed: about 1 year ago - Stars: 3,716 - Forks: 1,225

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

AutomateWithGautam/Optimal-path-of-Unknown-environment-with-Deep-Q-Learning-algorithm-

Path finding of a doubly Q network with using social choice theory and improved classical Q learning algorithm . uses Tensorflow and pygame

Language: Python - Size: 719 KB - Last synced: about 1 month ago - Pushed: about 4 years 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: 24 days ago - Pushed: over 3 years ago - Stars: 172 - Forks: 26

ssebastianj/ia2013-tpi-rl

Implementación de Técnicas de Aprendizaje por Refuerzo mediante el algoritmo Q-Learning para la cátedra Inteligencia Artificial (Ciclo 2013) perteneciente a UTN Facultad Regional Resistencia.

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

Erk-Vural/Q-Learning_Path_Calculator

The Q-Learning Path Calculator is a Python-based application that utilizes Q-learning to find the shortest path for a robot on a given maze.

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

Allenpandas/Tutorial4RL

Tutorial4RL: Tutorial for Reinforcement Learning. 强化学习入门教程.

Size: 4.17 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 58 - Forks: 6

pouriaSameti/Fundamental-AI

The Fundamentals of Artificial Intelligence Course Projects.

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

omaraflak/Reinforcement-Learning-CPP

Reinforcement Learning algorithm from scratch in C++.

Language: C++ - Size: 6.84 KB - Last synced: about 2 months ago - Pushed: almost 6 years ago - Stars: 8 - Forks: 1

omaraflak/QNetwork-Keras

QNetwork implemented with Keras

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

omaraflak/FrozenLake-QLearning

Resolving the FrozenLake problem from OpenAI Gym.

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

ahervi/Neuralnetwork---QLearning

AI playing the Snake game using QLearning

Language: Python - Size: 11.7 KB - Last synced: 2 months ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

aaksham/deepQlearn

Deep Q Learning

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

dmsovetov/reinforcement

Deep reinforcement learning experiments

Language: Python - Size: 32.2 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

iSandro19/Webots

Este repositorio contiene dos prácticas relacionadas con el control de robots autónomos en un entorno simulado. Estas prácticas fueron desarrolladas como parte de las práctica de la asignatura de Robótica del 4o curso del Grado de Ingeniería Informática en la FIC (UDC) y están escritas en Python.

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

tropical32/gym-pole-balancing

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

ivanbelenky/RL

R.L. methods and techniques.

Language: Python - Size: 1.3 MB - Last synced: 25 days ago - Pushed: 12 months ago - Stars: 2 - Forks: 1

AGuyNextDoor/QLearningWarmup

Warming up with QLearning. Two algorithms: a labyrinth solver and a 2048 solver.

Language: Python - Size: 34.7 MB - Last synced: 2 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

enfff/robot-learning-labs

Labs for the Robot Learning class, focusing on robotics and Reinforcement Learning. Each lab focuses on a different topic, had mandatory tasks and eventually extensions. All the results have been discussed in the reports.

Language: Python - Size: 0 Bytes - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

sbarkar/socialLearningSimulator

MATLAB code for a neural network embedded in a Q Learning algorithm

Language: MATLAB - Size: 1.28 MB - Last synced: 2 months ago - Pushed: about 4 years ago - Stars: 1 - Forks: 1

andri27-ts/Reinforcement-Learning

Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning

Language: Jupyter Notebook - Size: 10 MB - Last synced: 3 months ago - Pushed: almost 4 years ago - Stars: 4,075 - Forks: 615

hypnosapos/cartpole-rl-remote

CartPole game by Reinforcement Learning, a journey from training to inference

Language: Python - Size: 80.2 MB - Last synced: 8 days ago - Pushed: 8 days ago - Stars: 25 - Forks: 3

Ruben-2828/RL-Traffic-Control

Application of reinforcement learning to the management of traffic light intersection

Language: Python - Size: 122 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 1

Gabe-MGNT/OpenAi-Gym-Solution

Here are few solutions made for OpenAI Gym tasks (TaxiCar, FrozenLake, Mountain Car, Cliff Walking...) using Tensorflow Keras

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

andreabazerla/dpcm-card-game

DPCM, the new goliardic Card Game about COVID-19 restrictions in Italy from 2021, with an AI inside based on Q-Learning from Reinforcement Learning.

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

Neill-Erasmus/pacman

This project features a Deep Convolutional Q-Network (DCQN) trained to excel in the Pacman environment within OpenAI's Gymnasium, showcasing the power of reinforcement learning in mastering complex visual tasks like navigating mazes and evading enemies.

Language: Python - Size: 16.6 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

ozayr/Reinforcement_Learning

RL-projects

Language: Jupyter Notebook - Size: 228 KB - Last synced: 3 months ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

ErfanXH/Flappy-Bird

Flappy Bird AI Solver Using Q-Learning

Language: Python - Size: 127 KB - Last synced: 2 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

dubezOniner/Deep-QLearning-Demo-csharp

This demo is a C# port of ConvNetJS RLDemo (https://cs.stanford.edu/people/karpathy/convnetjs/demo/rldemo.html) by Andrej Karpathy

Language: C# - Size: 3.29 MB - Last synced: 2 months ago - Pushed: about 7 years ago - Stars: 43 - Forks: 21

vaibhav720/OpenAI-GYM-RL-Robo-Taxi-Driving

Language: Jupyter Notebook - Size: 8.86 MB - Last synced: 2 months ago - Pushed: 4 months 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: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

Neill-Erasmus/lunar-lander

Trained a Deep Q-Learning agent to autonomously land a lunar module in OpenAI's Gymnasium Lunar Lander environment.

Language: Python - Size: 119 KB - Last synced: 2 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

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: 4 months ago - Pushed: over 3 years ago - Stars: 45 - Forks: 15

billhu0/AI-Aircraft-Warfare

CS181 Final Project: Playing Aircraft Warfare Game with Reinforcement Learning

Language: Python - Size: 38 MB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 5 - Forks: 0

rezamosavi8740/AI-Wumpus-Adventure-Reinforcement-Learning-in-Action

Building artificial intelligence wumpus game with reinforcement learning and using Q-Learning algorithms

Language: Python - Size: 1.23 MB - Last synced: 2 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

Swaraj-Deep/UAV-GRN-DRN

This is a repository for creating a UAV network based on the GRN graph using python.

Language: Python - Size: 1.46 MB - Last synced: 4 months ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 0

yandexdataschool/AgentNet 📦

Deep Reinforcement Learning library for humans

Language: Python - Size: 200 MB - Last synced: 2 months ago - Pushed: over 6 years ago - Stars: 300 - Forks: 73

Neo-47/RL-Agent-Playing-Pacman

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

FernandoSchett/dfs_qlearning

Python DFS and Q-learning algorithms are applied to model and determine the minimum colors required to color a graph.

Language: Jupyter Notebook - Size: 4.66 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

PranavPKS/RL_Pixelcopter

Training a bot to play pixelcopter using reinforcement learning

Language: Python - Size: 12.1 MB - Last synced: 5 months ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 1

tekgulburak/FrozenLake-v1

The FrozenLake Environment Project using OpenAI gym

Language: Jupyter Notebook - Size: 1.96 MB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 6 - Forks: 1

Dirichi/sentience

A(n unfinished) javascript library for designing environments and agents for reinforcement learning

Language: JavaScript - Size: 599 KB - Last synced: 5 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 1

kevin-hanselman/grid-world-rl

Value iteration, policy iteration, and Q-Learning in a grid-world MDP.

Language: Python - Size: 14.6 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 22 - Forks: 12

markoleptic/Reinforcement-Learning-for-Aim-Training

A reinforcement learning project to predict optimal target spawn locations based on player accuracy.

Language: Python - Size: 378 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

Keyvanhardani/KLearning

Dieses Projekt implementiert ein Q-Learning-Modell in C#. Es trainiert ein Modell basierend auf definierten Zuständen und Aktionen und speichert die Belohnungen pro Episode in einer JSON-Datei. Zusätzlich wird ein Python-Skript verwendet, um die Ergebnisse zu visualisieren.

Language: C# - Size: 963 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

hajrezvan/Pacman-project

AI project for Principles & Applications of Artificial Intelligence at AUT.

Language: Python - Size: 7.13 MB - Last synced: 5 months ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

aryamaansaha/cvi-rl-games

This repository contains code for reinforcement learning algorithms in Pytorch.

Language: Jupyter Notebook - Size: 15 MB - Last synced: 5 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Sathishkumar1012/Automatic-car-parking-using-reinforcement-learning

Using Reinforcement learning, we try to make our system park automatically

Language: Jupyter Notebook - Size: 17.9 MB - Last synced: 6 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Ezgii/Escaping-maze-using-RL

Escaping from a maze using Reinforcement Learning techniques.

Language: Jupyter Notebook - Size: 719 KB - Last synced: 6 months ago - Pushed: about 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: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

azzeddineCH/state-of-the-art-DeepRL

an implementation of state of the art deep reinforcement learning algorithms benchmarked using open gym ai environments

Language: Python - Size: 796 KB - Last synced: 4 days ago - Pushed: almost 2 years ago - Stars: 2 - Forks: 1

sunayana-vempati/Machine-Learning

Developed projects as a part of INF-552 Course at University of Southern California - Fall 2019

Language: Python - Size: 5.15 MB - Last synced: 6 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

hvishal512/CS6700-Reinforcement-Learning

Artificial Intelligence series

Language: Jupyter Notebook - Size: 5.04 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 16 - Forks: 4

Skylark0924/Machine-Learning-is-ALL-You-Need

🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!

Language: Python - Size: 72.8 MB - Last synced: 6 months ago - Pushed: 9 months ago - Stars: 352 - Forks: 78

hanjongho/rl

Reinforcement Learning을 이용한 Pac-Man 최적 경로 구하기

Language: Python - Size: 7.81 KB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

andreanlay/tetris-ai-deep-reinforcement-learning

Deep Reinforcement Learning (RL) Tetris AI using Value Function based learning and hand crafted features

Language: Python - Size: 2.42 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 3 - Forks: 0

Hsn37/MazeQLearning

The AI solves a maze using Q Learning

Language: Python - Size: 185 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 1 - Forks: 1

CodeMaxx/Safe-RL-Pacman

Reinforcement Learning Course Project - IIT Bombay Fall 2018

Language: Python - Size: 9.04 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 7 - Forks: 3

CVH95/Tel_Aviv

AI2 Project: Q-Learning Ludo Player

Language: C++ - Size: 1.01 MB - Last synced: 7 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

DaniRuizPerez/RoboticsQLearning

Q-Learning used to make a two-wheeled simulated robot learn how to reach the other side of twisted hallways

Language: C - Size: 15.6 KB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

dorgrin6/Reinforcement_Learning

Playing with ML, QL + DQLN

Language: Python - Size: 4.88 KB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

arindal1/blackjack-qlearning-rl

Python script for implementing Q-learning to train an agent to play the game of Blackjack.

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

Tsaousis/StockTradingQlearning

Q learning for learning the optimal trading strategy by maximizing investment.

Language: Jupyter Notebook - Size: 3.73 MB - Last synced: 7 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

ahmed-k-aly/pacman-contest Fork of ngacho/pacman-contest

Pacman AI contest for COSC-241

Language: Python - Size: 7.36 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

lucadivit/Adversarial_RL_TicTacToe

Language: Python - Size: 13.7 KB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

nileshsah/reinforcement-learning-flappybird

In-browser reinforcement learning for flappy bird 🐦

Language: JavaScript - Size: 118 KB - Last synced: 3 months ago - Pushed: over 5 years ago - Stars: 40 - Forks: 8

nikhibdg/ML-Algorithms-From-Scratch

This repository contains different implementations of ML algorithms from scratch.

Language: Python - Size: 124 KB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

e-wallace/RL

SARSA and Q-Learning in Grid World

Language: Python - Size: 9.77 KB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 1

benrayfield/hyperquasicrystal

(TODO) actually callable javascript lambdas of infinitely threadable (potentially massively-multiplayer) godel-like-numbering-secure low latency neuralnet approximation of hypercomputation of the iota combinator sparse-emulating debugger breakpoints of itself, in javascript lambdas, such as naming every possible lambda by a 256 bit merkle id

Language: JavaScript - Size: 156 KB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 6 - Forks: 2

vikrams169/Using-RL-in-CartPole-v0

This repository displays the use of Reinforcement Learning, specifically QLearning, REINFORCE, and Actor Critic (A2C) methods to play CartPole-v0 of OpenAI Gym.

Language: Python - Size: 150 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

vikrams169/Using-RL-in-FrozenLake-v0

This repository displays the use of Reinforcement Learning, particularly Q-Learning and Monte Carlo methods to play the FrozenLake-v0 Environment of OpenAI Gym.

Language: Python - Size: 86.9 KB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 1

AlinaBaber/OpenAIGymGames-GameAgent-QLearning--ReinforcemtLearning

Language: Python - Size: 5.86 KB - Last synced: 9 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

Kyziridis/rl-basics

Basic Reinforcemet Learning algorithms (tabular methods) for board-games playing

Language: Jupyter Notebook - Size: 8.28 MB - Last synced: 9 months ago - Pushed: about 4 years ago - Stars: 2 - Forks: 0

raklokesh/ReinforcementLearning_Sutton-Barto_Solutions

Solutions and figures for problems from Reinforcement Learning: An Introduction Sutton&Barto

Language: Python - Size: 4.47 MB - Last synced: 9 months ago - Pushed: almost 5 years ago - Stars: 20 - Forks: 4

dakshitagrawal/RL_Algos

Implementation of various RL algorithms in different environments

Language: Jupyter Notebook - Size: 683 KB - Last synced: 9 months ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

karlosos/reinforcement_learning_fundamentals

Machine Learning 1 course - 2020

Language: Python - Size: 494 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Related Keywords
qlearning 349 reinforcement-learning 196 python 71 machine-learning 66 qlearning-algorithm 45 ai 43 artificial-intelligence 42 sarsa 33 deep-reinforcement-learning 31 deep-learning 31 reinforcement-learning-algorithms 28 dqn 28 openai-gym 27 neural-network 22 rl 20 pytorch 20 q-learning 18 game 18 python3 17 keras 14 tensorflow 14 deep-q-learning 13 pygame 13 gym 12 sarsa-learning 12 markov-decision-processes 12 java 10 monte-carlo 10 ppo 9 agent 9 policy-gradient 8 ddpg 8 tictactoe 8 maze 8 value-iteration 8 double-dqn 8 neural-networks 8 snake-game 7 actor-critic 7 tic-tac-toe 7 reinforcement-learning-environments 7 deep-neural-networks 7 javascript 7 a2c 6 pacman 6 flappy-bird 6 machinelearning 5 gridworld 5 machine-learning-algorithms 5 deep-q-network 5 dqn-tensorflow 5 ddqn 5 dfs 5 cartpole 5 numpy 5 trpo 5 robotics 5 frozenlake 5 deepqlearning 5 astar-algorithm 4 pong 4 algorithms 4 deepq-learning 4 mountain-car 4 reinforce 4 temporal-differencing-learning 4 sarsa-lambda 4 cpp 4 unity 4 decision-trees 4 pacman-agent 4 opencv 4 artificial-neural-networks 4 a3c 4 pong-game 4 mdp 4 tictactoe-game 4 deeplearning 4 bfs 4 alpha-beta-pruning 4 simulation 3 search-algorithm 3 java-8 3 expectimax 3 qtable 3 maze-solver 3 pathfinding 3 regression 3 unity3d 3 prioritized-experience-replay 3 monte-carlo-simulation 3 monte-carlo-methods 3 mountaincar-v0 3 linear-regression 3 convolutional-neural-networks 3 policy-iteration 3 gradient-descent 3 gym-environment 3 computer-vision 3 data-science 3