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

Topic: "markov-decision-processes"

afshinea/stanford-cs-221-artificial-intelligence

VIP cheatsheets for Stanford's CS 221 Artificial Intelligence

Size: 10.1 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 2,676 - Forks: 507

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 at: 14 days ago - Pushed at: over 4 years ago - Stars: 852 - Forks: 323

JuliaPOMDP/POMDPs.jl

MDPs and POMDPs in Julia - An interface for defining, solving, and simulating fully and partially observable Markov decision processes on discrete and continuous spaces.

Language: Julia - Size: 10.3 MB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 712 - Forks: 104

Svalorzen/AI-Toolbox

A C++ framework for MDPs and POMDPs with Python bindings

Language: C++ - Size: 20.2 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 646 - Forks: 99

joanby/curso-algebra-lineal

Curso de Álgebra Lineal

Language: HTML - Size: 149 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 409 - Forks: 968

ds4dm/ecole

Extensible Combinatorial Optimization Learning Environments

Language: C++ - Size: 2.29 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 340 - Forks: 74

odow/SDDP.jl

A JuMP extension for Stochastic Dual Dynamic Programming

Language: Julia - Size: 25.8 MB - Last synced at: about 23 hours ago - Pushed at: about 23 hours ago - Stars: 329 - Forks: 66

h2r/pomdp-py

A framework to build and solve POMDP problems. Documentation: https://h2r.github.io/pomdp-py/

Language: Python - Size: 6.85 MB - Last synced at: 9 days ago - Pushed at: about 2 months ago - Stars: 247 - Forks: 53

ImanRHT/QECO

A QoE-Oriented Computation Offloading Algorithm based on Deep Reinforcement Learning (DRL) for Mobile Edge Computing (MEC) | This algorithm captures the dynamics of the MEC environment by integrating the Dueling Double Deep Q-Network (D3QN) model with Long Short-Term Memory (LSTM) networks.

Language: Python - Size: 17.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 204 - Forks: 37

colinskow/move37

Coding Demos from the School of AI's Move37 Course

Language: Python - Size: 59.6 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 184 - Forks: 118

DES-Lab/AALpy

An Automata Learning Library Written in Python

Language: Python - Size: 25.6 MB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 182 - Forks: 29

florist-notes/CS228_PGM

🌲 Stanford CS 228 - Probabilistic Graphical Models

Language: Python - Size: 50.2 MB - Last synced at: 1 day ago - Pushed at: 9 months ago - Stars: 132 - Forks: 38

Limmen/csle

A research platform to develop automated security policies using quantitative methods, e.g., optimal control, computational game theory, reinforcement learning, optimization, evolutionary methods, and causal inference.

Language: Python - Size: 140 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 126 - Forks: 22

wrighteagle2d/wrighteaglebase

WrightEagle Base Code for RoboCup Soccer Simulation 2D

Language: C++ - Size: 3.94 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 86 - Forks: 38

sachinbiradar9/Markov-Decision-Processes

Implementation of value iteration algorithm for calculating an optimal MDP policy

Language: Python - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 85 - Forks: 43

OpenSourceEconomics/respy

Framework for the simulation and estimation of some finite-horizon discrete choice dynamic programming models.

Language: Python - Size: 123 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 77 - Forks: 32

lsunsi/markovjs

Reinforcement Learning in JavaScript

Language: JavaScript - Size: 47.9 KB - Last synced at: 17 days ago - Pushed at: over 8 years ago - Stars: 76 - Forks: 4

italohdc/LearnSnake

🐍 AI that learns to play Snake using Q-Learning (Reinforcement Learning)

Language: JavaScript - Size: 2.74 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 68 - Forks: 19

masouduut94/MCTS-agent-python

Monte Carlo Tree Search (MCTS) is a method for finding optimal decisions in a given domain by taking random samples in the decision space and building a search tree accordingly. It has already had a profound impact on Artificial Intelligence (AI) approaches for domains that can be represented as trees of sequential decisions, particularly games and planning problems. In this project I used a board game called "HEX" as a platform to test different simulation strategies in MCTS field.

Language: Python - Size: 695 KB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 65 - Forks: 9

aws-samples/amazon-sagemaker-amazon-routing-challenge-sol

AWS Last Mile Route Sequence Optimization

Language: Python - Size: 1.95 MB - Last synced at: 2 days ago - Pushed at: 12 months ago - Stars: 64 - Forks: 16

thiagopbueno/awesome-probabilistic-planning

A curated list of online resources for probabilistic planning: papers, software and research groups around the world!

Size: 18.6 KB - Last synced at: 5 days ago - Pushed at: about 7 years ago - Stars: 63 - Forks: 12

rllab-snu/tsallis_actor_critic_mujoco

Implementation of Tsallis Actor Critic method

Language: Jupyter Notebook - Size: 810 KB - Last synced at: 7 days ago - Pushed at: 7 months ago - Stars: 61 - Forks: 9

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: 3 months ago - Pushed at: 3 months ago - Stars: 58 - Forks: 9

sshkhr/Practical_RL

My solutions to Yandex Practical Reinforcement Learning course in PyTorch and Tensorflow

Language: Jupyter Notebook - Size: 9.91 MB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 54 - Forks: 25

callmespring/RL-short-course

Reinforcement Learning Short Course

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

zafarali/emdp

Easy MDPs and grid worlds with accessible transition dynamics to do exact calculations

Language: Python - Size: 82 KB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 49 - Forks: 14

chauvinSimon/Hierarchical-Decision-Making-for-Autonomous-Driving

Rich literature review and discussion on the implementation of "Hierarchical Decision-Making for Autonomous Driving"

Size: 10.4 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 48 - Forks: 13

amflorio/dvrp-stochastic-requests

Online algorithms for solving large-scale dynamic vehicle routing problems with stochastic requests

Language: Makefile - Size: 14.1 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 42 - Forks: 10

dsietz/test-data-generation

Test Data Generation

Language: Rust - Size: 2.83 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 37 - Forks: 3

alexge233/relearn

A Reinforcement Learning Library for C++11/14

Language: C++ - Size: 258 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 14

nasa/pymdptoolbox Fork of sawcordwell/pymdptoolbox

Markov Decision Process (MDP) Toolbox for Python

Language: Python - Size: 455 KB - Last synced at: about 1 year ago - Pushed at: about 10 years ago - Stars: 31 - Forks: 31

JuliaPOMDP/QuickPOMDPs.jl

Concise and friendly interfaces for defining MDP and POMDP models for use with POMDPs.jl solvers

Language: Julia - Size: 435 KB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 28 - Forks: 7

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: 6 days ago - Pushed at: 2 months ago - Stars: 25 - Forks: 1

JuliaPOMDP/quickpomdps

Interface for defining discrete and continuous-space MDPs and POMDPs in python. Compatible with the POMDPs.jl ecosystem.

Language: Python - Size: 33.2 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 24 - Forks: 4

makokal/MDPN

Unified notation for Markov Decision Processes PO(MDP)s

Language: TeX - Size: 677 KB - Last synced at: 4 days ago - Pushed at: about 7 years ago - Stars: 24 - Forks: 2

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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 12

Rapfff/jajapy

Baum-Welch for all kind of Markov models

Language: Python - Size: 8.23 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 21 - Forks: 2

sankalprane/Artificial_Intelligence

Implemented Search Algorithms

Language: C++ - Size: 253 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 0

mhahsler/pomdp

R package for Partially Observable Markov Decision Processes

Language: R - Size: 2.86 MB - Last synced at: 8 days ago - Pushed at: 2 months ago - Stars: 18 - Forks: 6

shehio/Everything-Financial-Engineering

Links for the most relevant topics

Size: 29.3 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 2

laurimi/npgi

Non-linear policy graph improvement - planning for Dec-POMDPs

Language: C++ - Size: 197 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 2

SentientOrange/Rubiks-Cube

Reinforcement Learning program that looks to be able to quickly learn to solve a Rubik's Cube

Language: Python - Size: 88.9 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 14 - Forks: 1

changkun/ws-18-19-deep-learning-tutorial

Deep Learning and Artificial Intelligence Tutorial @ LMU WS 2018/19

Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 2

rldotai/mdpy

Markov Decision Processes in Python

Language: HTML - Size: 3.94 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 3

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

bfaure/AI_Project_4

Language: Python - Size: 442 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 14 - Forks: 33

sourenaKhanzadeh/snakeAi

Reinforcement Learning with the classic snake game

Language: Python - Size: 3.98 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 4

masouduut94/MCTS-agent-cythonized

MONTE Carlo Tree Search (MCTS) is a method for finding optimal decisions in a given domain by taking random samples in the decision space and building a search tree accordingly. It has already had a profound impact on Artificial Intelligence (AI) approaches for domains that can be represented as trees of sequential decisions, particularly games and planning problems. In this project I used a board game called "HEX" as a platform to test different simulation strategies in MCTS field.

Language: Python - Size: 230 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 3

soheil-mp/Reinforcement-Learning-Algorithms

Step by Step Reinforcement Learning Tutorials.

Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 6

ShivamChourey/MDP_Path_Planning

This repository contains the MATLAB code to devise an optimal policy for the motion of the robot given the obstacles and world boundaries. This file contains implementation to a specific environment wiht known parameters and obstacles, but can easily be modified or generalized for any environment. The code was linked to the V-Rep simulation environment and tested.

Language: MATLAB - Size: 13.7 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 8

JuliaPOMDP/POMCP.jl πŸ“¦

Julia Implementation of the POMCP algorithm for solving POMDPs

Language: Jupyter Notebook - Size: 615 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 6

laurimi/multiagent-prediction-reward

Multi-agent active perception with prediction rewards

Language: C++ - Size: 312 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 0

yanshengjia/jist2016

Implementation of the Paper "Entity Linking in Web Tables with Multiple Linked Knowledge Bases"

Language: Python - Size: 1.86 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 2

thiagopbueno/mdp-problog

MDP-ProbLog is a framework to represent and solve (infinite-horizon) MDPs specified by probabilistic logic programming.

Language: Python - Size: 634 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 4

mjmaher987/Artificial-Intelligence

Artificial Intelligence + Deep Learning

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

shehio/ReinforcementLearning

Reinforcement Learning algorithms with nothing abstracted away

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

FarshidNooshi/Pacman-Projects

Principles & Applications of Artificial Intelligence at Amirkabir University of Technology course projects

Language: Python - Size: 4.76 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 1

robodhruv/Randoms

Tinkering and Playing around!

Language: Python - Size: 3.66 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 3

beatrizgj/MDPbiome

microbiome engineering through prescriptive perturbations

Language: R - Size: 845 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 2

yanshengjia/link

Undergraduate graduation project (Entity Linking System in Web Tables with Multiple Linked Knowledge Bases) at SEU.

Language: HTML - Size: 39.1 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 2

yudhisteer/Reinforcement-Learning-for-Supply-Chain-Management

The goal of the project was to design the logistic model of autonomous robots that would supply garment parts from the Cutting Dept to the Makeup Dept in the shortest time possible and using the most optimized path.

Language: Python - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 3

meetps/CS-747

Assignment codes for CS747 Intelligent and Learning Agents

Language: Python - Size: 34.4 MB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 7 - Forks: 1

CAVIND46016/Academic-Coursework

Academic coursework completed as a Computer Science Student

Language: HTML - Size: 6.42 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

Networks-Learning/counterfactual-continuous-mdp

Code for "Finding Counterfactually Optimal Action Sequences in Continuous State Spaces", NeurIPS 2023.

Language: Python - Size: 85.9 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

amajji/Markov-Chain

Markov Chain overview and their implementations in Finance

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 2

abhinand5/lunar-lander-deep-rl

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

Language: Python - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 3

florianvazelle/unity-rl

Markov Decision Process and Temporal Difference algorithms

Language: C# - Size: 291 KB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 6 - 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

ezerilli/Machine_Learning

Georgia Tech - OMSCS - CS7641 - Machine Learning Repository

Language: Python - Size: 34.2 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 7

CEDL2017/homework2-MDPs

The homework for Cutting-Edge of Deep Learning, aka CEDL, from NTHU

Language: Jupyter Notebook - Size: 331 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 44

wlxiong/PyABM

Markov decision process simulation model for household activity-travel behavior

Language: Python - Size: 172 KB - Last synced at: about 2 years ago - Pushed at: almost 10 years ago - Stars: 6 - Forks: 2

wlxiong/PyMarkovActv

A Markov Decision Process (MDP) model for activity-based travel demand model

Language: Python - Size: 1.16 MB - Last synced at: about 2 years ago - Pushed at: over 12 years ago - Stars: 6 - Forks: 1

JuliaPOMDP/CompressedBeliefMDPs.jl

Compressed belief-state MDPs in Julia for reinforcement learning and sequential decision making. Part of the POMDPs.jl community.

Language: Julia - Size: 643 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

TolgaOk/jaxdp

A Dynamic Programming package for discrete MDPs implemented in JAX

Language: Python - Size: 549 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 1

Chaoukia/branches

The Branches algorithm, fast Dynamic Programming and Branch and Bound search for seeking optimal Decision Trees

Language: Python - Size: 2.28 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

oguzmes/StochasticAntibiotic

A Stochastic Programming Approach to the Antibiotics Time Machine Problem

Language: Jupyter Notebook - Size: 5.64 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 5 - 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

mehdimo/reinforcement-learning-handson

Sample projects to learn reinforcement learning and deep reinforcement learning in practice.

Language: Python - Size: 213 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 7

laurimi/pydpomdp

Python package for Dec-POMDP files in the .dpomdp format

Language: C++ - Size: 24.4 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

florentdelgrange/vae_mdp

Implementation of Variational Markov Decision Processes, a framework allowing to (i) distill policies learned through (deep) reinforcement learning and (ii) learn discrete abstractions of continuous environments, the two with bisimulation guarantees.

Language: Jupyter Notebook - Size: 236 MB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2

danieljsharpe/DISCOTRESS_tutorials

Learn to get started using DISCOTRESS with these tutorials! Then apply to your own Markov chains in ecology 🦜🌴 economics πŸ’ΈπŸ“ˆ biophysics 🧬🦠 and more!

Language: Brainfuck - Size: 5.43 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 2

madhura711/LENOVO---Stochastic-Optimization-and-Predictive-Modeling

Language: R - Size: 6.09 MB - Last synced at: 6 months ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 1

ozanarkancan/ReinforcementLearning.jl

Reinforcement Learning in Julia (Experimental)

Language: Julia - Size: 204 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 2

IBM/IBM-Extended-Markov-Ratio-Decision-Process

This repo includes code referenced in the paper A Rigorous Risk-aware Linear Approach to Extended Markov Ratio Decision Processes with Embedded Learning by Alexander Zadorojniy, Takayuki Osogami, and Orit Davidovich to appear in IJCAI 2023.

Language: Jupyter Notebook - Size: 905 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 4 - Forks: 0

parissashahabi/Game-Playing-Intelligent-Agent

Implemented reinforcement learning algorithms, including Value-Iteration and Q-Learning, for a 2D grid world Markov Decision Process resembling a Pac-man game. Also applied the Mini-Max algorithm and common path-planning techniques such as A*, Dijkstra, and bidirectional search.

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

MatteoM95/Network-Dynamics-and-Learning

Homework and exercises from course Network Dynamics and Learning

Language: Jupyter Notebook - Size: 7.07 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 6

lccasagrande/GridGym

An OpenAI Gym environment for resource and job management problems.

Language: Python - Size: 2.37 MB - Last synced at: 16 days ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 2

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

simerplaha/reinforcement-learning

Reinforcement learning

Language: Scala - Size: 174 KB - Last synced at: 23 days ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

upupming/Lab3-markov-decision-process

Language: HTML - Size: 1.2 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 3

ameroyer/ReCA

(ReCA) Recommendation with Context Awareness using Multi-Environment Markov Decision Processes

Language: C++ - Size: 9.64 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 1

prosperityai/LyricsGenerator

A simple AI to generate music lyrics

Language: Python - Size: 12.7 KB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

vlfom/StepLearn

Applying Markov Decision Processes and Q-Learning to a robot movement model

Language: Java - Size: 350 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 4 - Forks: 3

MaxNaeg/ZXreinforce

Code for "Optimizing ZX-Diagrams with Deep Reinforcement Learning"

Language: Python - Size: 4.38 GB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 4

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

jia-yi-chen/Bandit-and-Reinforcement-Learning

Python implementation for Reinforcement Learning algorithms -- Bandit algorithms, MDP, Dynamic Programming (value/policy iteration), Model-free Control (off-policy Monte Carlo, Q-learning)

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

LaurentVeyssier/Optimizing-Warehouse-Flows-with-Q-Learning

calculate the optimum route in a warehouse using the Q-Learning algorithm (Bellman equation)

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

weirayao/causal-mdp

PGM final project

Language: Jupyter Notebook - Size: 3.73 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 3 - 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

adityajn105/Move37

Move37 is a Reinforcement Learning Course by Siraj Raval's The School of AI. This repository is to maintain all codes done during this course.

Language: Jupyter Notebook - Size: 86.5 MB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

Related Topics
reinforcement-learning 148 value-iteration 52 artificial-intelligence 50 q-learning 50 mdp 45 python 44 machine-learning 43 markov-chain 34 policy-iteration 31 dynamic-programming 21 reinforcement-learning-algorithms 19 ai 18 markov-model 15 sarsa 14 deep-reinforcement-learning 14 markov 13 monte-carlo 13 qlearning 12 policy-gradient 12 deep-learning 11 decision-making 10 openai-gym 9 gridworld 9 deep-q-network 8 mdps 8 optimization 7 temporal-differencing-learning 7 pomdps 7 neural-network 7 bellman-equation 7 python3 7 julia 6 astar-algorithm 6 stochastic-processes 6 rl 6 planning 6 jupyter-notebook 5 pomdp 5 neural-networks 5 sarsa-lambda 5 policy-evaluation 5 random-walk 5 multi-armed-bandit 5 pytorch 5 constraint-satisfaction-problem 5 tensorflow 5 pygame 5 hidden-markov-model 5 model-checking 5 javascript 4 gym 4 proximal-policy-optimization 4 optimal-control 4 simulation 4 adversarial-search 4 markov-decision-process 4 linear-programming 4 alpha-beta-pruning 4 control-theory 4 monte-carlo-tree-search 4 temporal-difference 4 algorithm 4 rust 4 qlearning-algorithm 4 probabilistic-graphical-models 4 numpy 4 multi-agent-systems 4 probabilistic-models 4 deep-q-learning 4 bfs 4 dqn 4 value-iteration-algorithm 4 reinforcement-learning-agent 4 grid-world 4 economics 3 travel-demand-modelling 3 monte-carlo-methods 3 heuristic-search-algorithms 3 search 3 statistics 3 stochastic-optimization 3 graph 3 planning-algorithms 3 agent-based-modeling 3 game-development 3 reinforcement-learning-environments 3 dec-pomdp 3 probabilistic-programming 3 robotics 3 expectimax 3 minimax 3 bandit-algorithms 3 csharp 3 r 3 epsilon-greedy 3 reinforce 3 agent 3 nlp 3 dfs 3 solver 3