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

GitHub topics: policy-iteration

RezaSaadatyar/Reinforcement-Learning

The repository contains codes for RL (e.g., Q-Learning, Monte Carlo, …) in the form of Python files.

Language: Jupyter Notebook - Size: 60.6 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

ostad-ai/Reinforcement-Learning

This repository is about Reinforcement Learning (RL) and related topics

Language: Jupyter Notebook - Size: 183 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

bmarroc/reinforcement-learning

Jupyter notebooks implementing Reinforcement Learning algorithms in Numpy and Tensorflow

Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 1

PrakritiTV/Indian-Constitution-3.0

A Blockchain Based Transparent AI-powered Auto Immune Constitution of India for Every Indian by the Indians & NRIs

Size: 17 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 1

mgiannopoulos24/Artificial-Intelligence

Solutions for the Projects of the Artificial Intelligence (CS 188) course of UC Berkeley

Language: Python - Size: 22.6 MB - Last synced at: 23 days ago - Pushed at: 24 days ago - Stars: 12 - Forks: 9

madupite/madupite

a High-Performance Distributed Solver for Large-Scale Markov Decision Processes (MDP) relying on Inexact Policy Iteration; for Python and C++

Language: C++ - Size: 36.5 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 25 - Forks: 1

zw007981/BasicRLAlgo

a Python library that implements various reinforcement learning algorithms using PyTorch and Gymnasium

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

Chaoukia/Reinforcement-Learning-course

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

Language: Python - Size: 1.69 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 1

iisys-hof/map-matching-2

High Performance Map Matching with Markov Decision Processes (MDPs) and Hidden Markov Models (HMMs).

Language: C++ - Size: 20.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 58 - Forks: 9

nicoRomeroCuruchet/DynamicProgramming

Policy Iteration for Continuous Dynamics

Language: Python - Size: 58.1 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 6 - Forks: 0

AgentMaker/Paddle-RLBooks

Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.

Language: Python - Size: 14.1 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 110 - Forks: 13

liAmirali/UIAI-MDP Fork of InFluX-M/UIAI-MDP

Cliff Walking Project: An implementation of classic MDP algorithms (Policy Iteration, Value Iteration)

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

moripiri/Reinforcement-Learning-on-FrozenLake

Reinforcement Learning Algorithms in FrozenLake-v1

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 22 - Forks: 2

prakHr/Reinforcement-Learning-Book

[Book] :- Andrea Lonza - Reinforcement Learning Algorithms with Python_ Learn, understand, and develop smart algorithms for addressing AI challenges-Packt Publishing (2019)

Language: Python - Size: 20.9 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 4

Pegah-Ardehkhani/Reinforcement-Learning-Algorithms-from-Scratch

Explore key RL algorithms with detailed explanations and fully commented Python code implementations

Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

RainbowC0/JacksCarRental

杰克租车问题动态规划求解,C语言实现

Language: C - Size: 17.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

JasonSloan/RL-Algrithoms-Reimplementation

Reinforcement Learning Implementation Inspired by Bilibili Professor Zhao Shiyu's Lecture at Westlake University

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

ossef/MDP_Battery

MDP Battery decision-making framework, 2024-2025.

Language: C - Size: 17 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Taabannn/intro-rl

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

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 at: 27 days ago - Pushed at: about 6 years ago - Stars: 12 - Forks: 4

callmespring/RL-short-course

Reinforcement Learning Short Course

Language: Jupyter Notebook - Size: 95.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 53 - Forks: 18

tirthajyoti/RL_basics

Basic Reinforcement Learning algorithms

Language: Jupyter Notebook - Size: 2.29 MB - Last synced at: 5 days ago - Pushed at: almost 6 years ago - Stars: 18 - Forks: 13

zyxsjdy/Solve-the-Gridworld-Problem-with-Reinforcement-Learning

Based on the book --- Reinforcement Learning: An Introduction (2nd ed, 2018) by Sutton and Barto. For the Reinforcement Learning course Assignment 2 (see Gridworld Problem 1.pdf) at Memorial University of Newfoundland, Jul. 18, 2024

Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Manisha2612/Frozen-Lake-Reinforcement-Learning

Get Policy using Value Iteration and Policy Iteration Algorithm

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

chauvinSimon/Reinforcement-Learning-for-Decision-Making-in-self-driving-cars

Reinforcement-Learning-for-Decision-Making-in-self-driving-cars

Language: Python - Size: 25.8 MB - Last synced at: 10 months ago - Pushed at: over 6 years ago - Stars: 103 - Forks: 31

wrt95/F29AI-CW2-TicTacToe_in_Java

Size: 1.21 MB - Last synced at: 11 months ago - Pushed at: over 4 years 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 at: 12 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

lukasmyth96/Piggy

Using Value Iteration and Policy Iteration to discover the optimal solution for the strategic dice game PIG. Ultimately interested in whether the optimal solution can be reached through self-play alone.

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

Prakhar-FF13/Reinforcement-Learning-With-Python

Reinforcement Learning Notebooks

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

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

victor-iyi/navigating-a-virtual-world-using-dynamic-programming

A reinforcement learning agent navigating the OpenAI's FrozenLake environment

Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

Jonomist/policy_consultation Fork of consuldemocracy/consuldemocracy 📦

A digital policy consultation across a nation as a Rails App with two key elements: (a) a ‘collaborative policy-writing’ tool (b) a Facebook messenger bot. The consultation will be live for one month, after which the insight, feedback, and deliberation will be consolidated, integrated, and built into a revised citizen-driven national vision.

Language: Ruby - Size: 28.7 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

SiavashShams/Intelligent-Systems-Projects

Projects for the Intelligent Systems course

Language: Jupyter Notebook - Size: 3.65 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

SiavashShams/Reinforcement-Learning-Based-Path-Planning-for-a-Robot

Using policy iteration for guiding a robot to find the optimal (safest and shortest) path between start and end point

Language: Python - Size: 1.08 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

akaAlbo/deeprlbootcamp

Solution to the Deep RL Bootcamp labs from UC Berkeley

Language: Jupyter Notebook - Size: 5.86 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

bermed28/cs7641-assignment4

Project that experiments with algorithms used to solve Markov Decision Processes

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

Sahil3201/maze-solver

Repo for maze generation and pathfinding algorithms, including BFS, DFS, A*, MDP Value Iteration, and MDP Policy Iteration, implemented in Python for solving mazes.

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

sahandkhoshdel99/Reinforcement-Learning-

Language: Jupyter Notebook - Size: 209 KB - Last synced at: about 1 year ago - Pushed at: over 3 years 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

aaksham/frozenlake

Value & Policy Iteration for the frozenlake environment of OpenAI

Language: Python - Size: 167 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 15 - Forks: 11

alebruno/pgm_dqn

Play Atari Pong with REINFORCE and Deep Q-Learning

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

nowke/rlviz

GridWorld Reinforcement Learning - Policy Iteration, Value Iteration.

Language: Vue - Size: 1.97 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 1 - 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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

SheidaAbedpour/MDP-CliffWalking

This project utilizes Markov Decision Process (MDP) principles to implement a custom "CliffWalking" environment in Gym, employing policy iteration to find an optimal policy for agent navigation.

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

PeeteKeesel/reinforce-py

🐍 Implementation of the REINFORCEjs library from Kaparthy in Python

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

SlimShadys/ReinforcementLearning Fork of KRLGroup/RL_2023

This repo contains all the praticals/homeworks assigned during the Reinforcement Learning course held by Prof. Roberto Capobianco at the AI & Robotics Master's Degree at University of Sapienza @ Rome, Italy.

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

visual-ds/deep-reinforcement-learning Fork of lucasresck/deep-reinforcement-learning

Scientific Initiation in Deep Reinforcement Learning (2019 - 2020, FGV-EMAp)

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

Kytabyte/rl-playground

Implementation and experiments of reinforcement learning algorithms in CS885 @ UW

Language: Python - Size: 93.8 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

kyomangold/ETH-DynamicProgrammingOptimalControl

Repository for the code of the "Dynamic Programming and Optimal Control" (DPOC) lecture at the "Institute for Dynamic Systems and Control" at ETH Zurich.

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

ALotov2000/gym-frozen-lake-and-taxi-solved-by-reinforcement-learning

This repository belongs to one of my computer assignments for an AI course I attended at the University of Tehran.

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

luke-davidson/ReinforcementLearning

Programming assignments completed for my Reinforcement Learning course: Topics include Bandit Algorithms, Dynamic Programming, policy iteration, Monte-Carlo methods, SARSA, Q-Learning, Dyna-Q/Dyna-Q+, gradient control methods, state aggregation methods, and Deep Q-Learning Networks (DQNs).

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

w1nte/reinforcement-learning-presentation

example for a presentation about RL.

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

alwaysbyx/Optimization-and-Search

Implementation and visualization (some demos) of search and optimization algorithms.

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

hvishal512/CS6700-Reinforcement-Learning

Artificial Intelligence series

Language: Jupyter Notebook - Size: 5.04 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 4

MaviVestini/RL_HW1

First homework for the RL class

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

etienneandre/ImpRator

ImpRator (Inverse Method for Policy with Reward AbstracT behaviOR) is a prototype implementation to compute parameter valuations in parametric Markov decision processes such that optimal policies remain optimal.

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

Awinja-j/dynamic-programming-with-python

This repo contains solutions to problems solved using dynamic programming with python.

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

KHvic/Markov-Decision-Process-Value-Iteration-Policy-Iteration-Visualization

Computing an optimal Markov Decision Process (MDP) policy with Value Iteration and Policy Iteration

Language: Java - Size: 3.59 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

ca-scribner/lrl

lrl: Learn Reinforcement Learning - A package to help people learn basic planning and Reinforcement Learning

Language: Python - Size: 925 KB - Last synced at: 5 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

TheUnsolvedDev/ReinforcementLearning

Repository containing basic algorithm applied in python.

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

cschen1205/cs-reinforcement-learning

Reinforcement Learning such as Q-Learn SARSA, lambda, policy iteration implemented in .NET

Language: C# - Size: 111 KB - Last synced at: 19 days ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

nicolaloi/Dynamic-Programming-and-Optimal-Control

Infinite horizon policy optimization for drone navigation. Graded project for the ETH course "Dynamic Programming and Optimal Control".

Language: MATLAB - Size: 758 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

rjs02/inexact-policy-iteration

Benchmarking Distributed Inexact Policy Iteration for Large-Scale Markov Decision Processes

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

Madhu009/Deep-math-machine-learning.ai

A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.

Language: Jupyter Notebook - Size: 44.5 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 195 - Forks: 174

shree675/Tic-Tac-Toe_RLA

A tic-tac-toe implementation using different RL algorithms

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

alizindari/Reinforcement-Learning

Implementation of several algorithms in RL based on Prof. sutton's book

Language: Jupyter Notebook - Size: 510 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

braxtonj/uofu_me6225_finalProj_robotMiningPlanner

ME 6225 final project for Jay Dee Germer, Braxton Johnston and Justin Stucki. Fall 2018

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

kkhetarpal/drlbootcamp

Labs from Deep RL Bootcamp, 2017

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

vsindato/cartpole-balancing

Discovering the optimal policy in the problem of balancing a pole on a moving cart using policy iteration.

Language: Python - Size: 47.9 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

GiacomoFerro/Q_Learning_Games_v3

Implementation of Policy Iteration and Value Iteration Agents for Taxi game of OpenAI gym

Language: Python - Size: 126 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

GiacomoFerro/ai-lab-2019

Artificial Intelligence Laboratory Course A.A. 2018/19 University of Verona.

Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

andrecianflone/policy_value_iteration

Policy and Value Iteration with a GridWorld!

Language: Jupyter Notebook - Size: 34.2 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

ajgupta93/Reinforcement-Learning

Reinforcement Learning projects from OpenAI Gym

Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

Mohammed-Deifallah/Maze-Solver-Bot

Solving a maze with random barriers using Policy and Value Iteration

Language: Java - Size: 506 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

khush3/rl_algorithms

reinforcement learning algorithms implementation. custom opencv based environment to test codes.

Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

alextzik/reinforcement_learning-2021

Implementation of various reinforcement learning algorithms in examples obtained from the book "Reinforcement Learning: An Introduction, by Sutton and Barto".

Language: MATLAB - Size: 2.15 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 3

Simuschlatz/AlphaBing

♟️ A combination of Reinforcement Learning and Alpha-Beta Search in Chinese chess

Language: Python - Size: 160 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 1

vishaal27/RL-M2019

Repository for the Reinforcement Learning (CSE564) Fall'19 course at IIIT Delhi

Language: Jupyter Notebook - Size: 9.48 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

andreadacol98/Dynamic_Programming

Programming Exercise for the Course Unit "Dynamic Programming and Optimal Control"

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

mr-amirfazel/AI_Pacman

this repository contains my codes for fundamentals of AI course projects

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

zahsa/jack-rental-problem

Language: MATLAB - Size: 3.29 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Atul-Acharya-17/Markov-Decision-Process

Solving Markov Decision Process using Value Iteration and Policy Iteration, SARSA, Expected SARSA and Q-Learning

Language: Jupyter Notebook - Size: 9.34 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

yusme/LSPI

Least-Squares Policy Iteration

Language: Python - Size: 3.96 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 5

williamchenjun/PacmanMDP

Reinforcement learning agent using value/policy iteration on Berkeley's pacman project.

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

GiacomoCorradini/orc

Repository of the course "Optimisation Based Robot Control"

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

iamjagdeesh/Artificial-Intelligence-Pac-Man

CSE 571 Artificial Intelligence

Language: Python - Size: 2.29 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 45 - Forks: 54

farkoo/DP-for-FMDP

Dynamic Programming for Finite Markov Decision Processes

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

paramrathour/Intelligent-and-Learning-Agents

My programs during CS747 (Foundations of Intelligent and Learning Agents) Autumn 2021-22

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

hritikb/Reinforcement-Learning-Algorithms

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

PeeteKeesel/Basic-RL-Algorithms

:robot: Implementation and short explanation of basic RL algorithms, reproducing the simulations from Andrej Kaparthy's REINFORCEjs library.

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

sidsharma22/reinforcementlearning

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

giulio-derasmo/Reinforcement-Learning-Projects

Repository of Reinforcement Learning projects done during the course @Sapienza

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

mabirck/Deep_RL_Bootcamp

Solutions for the labs in Deep RL Bootcamp.

Language: Jupyter Notebook - Size: 5.73 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

JurajZelman/dynamic-programming-22

Scripts for the Dynamic Programming and Optimal Control 2022 course at ETH Zürich.

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

svpino/cs7641-assignment4

CS7641 - Machine Learning - Assignment 4 - Markov Decision Processes

Language: Java - Size: 70.3 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 14

danielakuinchtner/cp-mdp

A CANDECOMP-PARAFAC tensor decomposition method to solve a Markov Decision Process (MDP) gridworld problem.

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

thunderInfy/JacksCarRental

Jack's Car Rental problem and its variant as mentioned in Example 4.2 and Exercise 4.3 respectively of the book by Sutton and Barto (Reinforcement Learning: An Introduction, Second Edition)

Language: Jupyter Notebook - Size: 315 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 9

neilchen1998/frozen-lake

We use Policy Iteration and Value Iteration to solve the frozen lake problem

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

OleguerCanal/RL-algorithms

Numpy & Keras based re-implementation of basic RL-algorithms: DP, VI, PI, SARSA, Q-Learning, DQN

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

Javelin1991/CZ4046_Intelligent_Agents

Year-4 Module taken in NTU that focuses on reinforcement learning algorithms, single intelligent agent and multiagent systems.

Language: Java - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 1

Related Keywords
policy-iteration 146 value-iteration 104 reinforcement-learning 89 q-learning 55 markov-decision-processes 31 dynamic-programming 31 reinforcement-learning-algorithms 20 sarsa 20 policy-evaluation 19 policy-gradient 15 dqn 14 monte-carlo 13 machine-learning 13 mdp 13 deep-q-learning 11 deep-reinforcement-learning 11 bellman-equation 11 epsilon-greedy 11 artificial-intelligence 10 openai-gym 9 python 8 monte-carlo-methods 8 sarsa-learning 7 deep-learning 7 python3 7 policy-improvement 7 reinforce 7 temporal-differencing-learning 6 optimal-control 6 gridworld 5 gym 5 ddpg 5 frozenlake 5 actor-critic 5 linear-programming 5 neural-networks 5 qlearning-algorithm 4 alpha-beta-pruning 4 policy 4 bandit-algorithms 4 markov-decision-process 4 tensorflow 4 frozenlake-v0 3 pytorch 3 dyna-q 3 atari 3 pong 3 grid-world 3 value-iteration-algorithm 3 ilqr 3 td3 3 sac 3 qlearning 3 algorithm 3 multi-armed-bandits 3 sarsa-lambda 3 td-learning 3 ddqn 3 reinforcement-learning-agent 3 reinforcement-learning-environments 3 td-lambda 3 thompson-sampling 3 ucb1 3 q-learning-vs-sarsa 3 deep-q-network 3 model-based-rl 3 java 3 multi-armed-bandit 3 pacman 3 decision-trees 3 iterative-policy-evaluation 3 cliffwalking 2 rl-algorithms 2 gridworld-environment 2 ethz 2 expected-sarsa 2 greedy-policy 2 regression 2 double-q-learning 2 frozen-lake 2 intelligent-agent 2 keras-tensorflow 2 gradient-descent-algorithm 2 td-methods 2 robotics 2 model-free-rl 2 optimistic-inital-values 2 multiagent-systems 2 rl 2 model-free-control 2 ai 2 expectimax 2 berkeley-ai 2 mdps 2 n-step-expected-sarsa 2 ucb-algorithm 2 n-step-tree-backup 2 monte-carlo-tree-search 2 gradient-bandit 2 bellman-optimality-equation 2