Ecosyste.ms: Repos

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

GitHub topics: frozenlake

moripiri/Reinforcement-Learning-on-FrozenLake

Reinforcement Learning Algorithms in a simple Gridworld

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

hallvardnmbu/reinforcement-learning

Modern applied deep learning with reinforcement methodology.

Language: Jupyter Notebook - Size: 74.8 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 1 - 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: about 1 month ago - Pushed: about 1 month ago - Stars: 2 - Forks: 0

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

omaraflak/FrozenLake-QLearning

Resolving the FrozenLake problem from OpenAI Gym.

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

MehdiShahbazi/DQN-Frozenlake-Gymnasium

This repo implements Deep Q-Network (DQN) for solving the Frozenlake-v1 environment of the Gymnasium library using Python 3.8 and PyTorch 2.0.1 in both 4x4 and 8x8 map sizes.

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

FareedKhan-dev/Reinforcement-Learning-on-Frozen-Lake-v1-openAI-gym

Using the OpenAI Gym library, I implemented two reinforcement learning algorithms in the Frozen Lake environment.

Language: Python - Size: 189 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 3 - Forks: 1

School-Semester-Summaries/AI-semester-6

The cooler AI semester

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

ariankhanjani/Frozen-Lake-Openai-Gym

Implementation of RL Algorithms in Openai Gym Frozen-Lake Environment

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

Urinx/ReinforcementLearning

Reinforcing Your Learning of Reinforcement Learning

Language: Python - Size: 118 MB - Last synced: about 1 month ago - Pushed: almost 5 years ago - Stars: 84 - Forks: 21

4rn3/KTA_q_learning

Project for my KTA ( IM0702-232411M) course In our project, we are tasked with learning an agent to traverse a frozen lake without falling into the water. The agent learns by trial-and-error, adjusting the actions it takes based on the rewards it received in the past.

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

renan-siqueira/reinforcement-learning-frozen-lake

This project aims to explore the basic concepts of Reinforcement Learning using the FrozenLake environment from the OpenAI Gym library.

Language: Python - Size: 89.8 KB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 2

Chaoukia/Reinforcement-Learning-course

A Reinforcement Learning course with classic examples of agents trained on gym environments.

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

m4mbo/frozenlake-ddq-learning

This repository showcases the implementation of a Double Deep Q-Learnig algorithm for the FrozenLake environment from Open AI's gym library.

Language: Jupyter Notebook - Size: 224 KB - Last synced: 4 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

pagrim/FrozenLake

Q-learning agent to solve the frozen lake problem from the OpenAI gym

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

hoangchunghien/Frozen-Lake

Implement dynamic programming to solve an AI frozen lake problem.

Language: Jupyter Notebook - Size: 52.7 KB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

willdphan/frozen-lake

Frozen Lake Q-Learning RL

Language: Jupyter Notebook - Size: 29.3 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

leokan92/pdppo

Post-Decision Proximal Policy Optimization with Dual Critic Networks for Accelerated Learning

Language: Python - Size: 693 KB - Last synced: 10 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

MohammadAsadolahi/Reinforcement_Learning_solving_a_simple_4_4_Gridworld_using_SARSA-in-python

solving a simple 4*4 Gridworld almost similar to openAI gym FrozenLake using SARSA Temporal difference method Reinforcement Learning

Language: Jupyter Notebook - Size: 111 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 3 - Forks: 0

zhangyifengdavid/ME5406_Course_Project

Part 1 project for ME5406 in NUS

Language: Jupyter Notebook - Size: 7.15 MB - Last synced: 5 days ago - Pushed: almost 3 years ago - Stars: 7 - Forks: 1

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: 0 Bytes - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

adesgautam/Reinforcement-Learning

Reinforcement learning algorithms to solve OpenAI gym environments

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

qiulinlx/Frozenlake

Coding Challenge: Build the FrozenLake Environment from OpenAI Gym using Jax

Language: Python - Size: 46.9 KB - Last synced: 4 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

MrShininnnnn/SARSA-Frozen-Lake

An implementation of a SARSA agent to learn policies in the Frozen Lake environment from OpenAI gym.

Language: Jupyter Notebook - Size: 200 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 5 - Forks: 3

dmitrijsc/practical-rl

Reinforcement learning in Julia. Solving OpenAI gym.

Language: Julia - Size: 45.9 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 40 - Forks: 4

alvinwan/bots-for-atari-games

Bots for Atari Games using Reinforcement Learning

Language: Python - Size: 25.4 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 11 - Forks: 11

LachubCz/DQN-using-Numpy

Implementation of DQN using just Numpy (SFC project)

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

hjorvardr/RL_Library

An implementation of main reinforcement learning algorithms: solo-agent and ensembled versions.

Language: Python - Size: 240 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 11 - Forks: 1

antonio-f/Dynamic-Programming

Algorithms for Policy Evaluation, Estimation of Action Values, Policy Improvement, Policy Iteration, Truncated Policy Evaluation, Truncated Policy Iteration, Value Iteration . From Udacity's Deep Reinforcement Learning Nanodegree program.

Language: Jupyter Notebook - Size: 179 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 6 - Forks: 2

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

iiShreya/Q_Learning_with_FrozenLake

Part 1: 1. 4x4 grid environment 2. non-slippery environment 3. Q-learning Algorithm

Language: Jupyter Notebook - Size: 462 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

MohammadAsadolahi/Reinforcement-Learning-solving-a-simple-4-4-Gridworld-using-TD0-evaluation-method-in-python

solving a simple 4*4 Gridworld almost similar to openAI gym FrozenLake using Temporal difference method Reinforcement Learning

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

MohammadAsadolahi/Reinforcement-Learning-solving-a-simple-4by4-Gridworld-using-Monte-Carlo-in-python

solving a simple 4*4 Gridworld almost similar to openAI gym frozenlake using Monte-Carlo method Reinforcement Learning

Language: Jupyter Notebook - Size: 29.3 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 1

wikke/Reinforcement_Learning

Series of Reinforcement Learning: Q-Learning, Sarsa, SarsaLambda, Deep Q Learning(DQN);一些列强化学习算法,玩OpenAI-gym游戏

Language: Python - Size: 7.81 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 7 - Forks: 2

being-aerys/Distributed_Reinforcement_Learning_with_Intel-DevCloud

Language: Jupyter Notebook - Size: 10.3 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 4 - Forks: 0

prakhargurawa/Reinforcement-Learning

Work-related to Agents, Multi-Agents and Reinforcement Learning

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

sachdevkartik/Reinforcement-Learning

Implementations of Reinforcement Learning algorithms

Language: Jupyter Notebook - Size: 538 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

rusty-sj/Reinforcement-Learning-Algorithms-with-Ray-Framework-and-Intel-DevCloud

Implementation of certain crucial algorithms in the field of reinforcement learning.

Language: Jupyter Notebook - Size: 4.41 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

Charan619/Frozen-Lake-Runner-RL

Uses Q learning to give instructions to a skater on slippery ice(stochastic model) to reach his goal.

Language: Jupyter Notebook - Size: 18.6 KB - Last synced: about 1 year ago - Pushed: almost 4 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: about 1 year ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

krisha01/Reinforcement-Learning---Q-learning

Reinforcement Learning practice for Taxi-v-3 and Frozen Lake environments

Language: Jupyter Notebook - Size: 117 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

raajtilaksarma/frozen-pukhuri

An implementation and visualization of frozen lake reinforcement learning example from Open AI Gym

Language: Jupyter Notebook - Size: 18.6 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

rezazzr/policy_gradient_reinforcement_learning

Language: Jupyter Notebook - Size: 909 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

rezazzr/GVF_SR_reinforcement_learning

Language: Jupyter Notebook - Size: 854 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 2

Develop-Packt/Introduction-to-Deep-Q-Learning

The module covers different Q learning algorithms using Open AI and FrozenLake.

Language: Jupyter Notebook - Size: 82 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 1

kimjinho1/deep_reinforcement_learning

EATED 2018 DQN을 이용한 고전게임 강화학습

Language: Jupyter Notebook - Size: 211 KB - Last synced: 5 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Related Keywords
frozenlake 46 reinforcement-learning 37 q-learning 18 openai-gym 11 sarsa 10 python 9 reinforcement-learning-algorithms 9 dqn 8 machine-learning 8 gym 7 cartpole 6 value-iteration 5 ai 5 artificial-intelligence 5 policy-iteration 5 qlearning 5 frozenlake-v0 5 deep-reinforcement-learning 5 deep-learning 4 q-learning-algorithm 3 policy-gradient 3 openai 3 atari 3 dynamic-programming 3 qlearning-algorithm 3 sarsa-lambda 3 reinforcement 2 learning 2 reinforcement-learning-environments 2 pytorch 2 taxi 2 cnn 2 rl 2 distributed-reinforcement-learning 2 temporal-differencing-learning 2 policy-evaluation 2 policy-improvement 2 devcloud 2 bellman-equation 2 monte-carlo 2 dyna-q 2 agent 2 actor-critic 2 gymnasium 2 taxi-v3 2 deep-q-learning 2 deep-q-network 2 lvq 1 kohonen-map 1 keras 1 hopfield-network 1 genetic-algorithm 1 fuzzy-logic 1 fully-connected-deep-neural-network 1 tensorflow-2 1 convolutional-neural-networks 1 catchgame 1 art 1 adaboost 1 state-value-function 1 action-value-function 1 dqn-tensorflow 1 gym-environments 1 mountaincar-v0 1 mountaincar 1 mcts 1 neural-network 1 ensemble-learning 1 ddqn 1 cartpole-v0 1 vut 1 sfc 1 numpy 1 ray-framework 1 cartpole-environment 1 q-table 1 multiagent-systems 1 multiagent-reinforcement-learning 1 agent-based-simulation 1 agent-based-modeling 1 ray 1 sarsa-algorithm 1 value-iteration-algorithm 1 java 1 reinforcement-agents 1 reinforcementlearning 1 monte-carlo-sampling 1 java-8 1 monte-carlo-methods 1 td0 1 general-policy-iteration 1 v1 1 software-agents 1 q 1 algorithm 1 neural-networks 1 mountaincar-coninuous 1 eigen-vector-decomposition 1 general-value-functions 1 mnist 1