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

GitHub topics: model-based-reinforcement-learning

opendilab/DI-engine

OpenDILab Decision AI Engine. The Most Comprehensive Reinforcement Learning Framework B.P.

Language: Python - Size: 292 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 3,435 - Forks: 400

pytorch/rl

A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.

Language: Python - Size: 133 MB - Last synced at: 6 days ago - Pushed at: 8 days ago - Stars: 2,799 - Forks: 373

lucidrains/improving-transformers-world-model-for-rl

Implementation of the new SOTA for model based RL, from the paper "Improving Transformer World Models for Data-Efficient RL", in Pytorch

Language: Python - Size: 702 KB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 121 - Forks: 2

thuml/iVideoGPT

Official repository for "iVideoGPT: Interactive VideoGPTs are Scalable World Models" (NeurIPS 2024), https://arxiv.org/abs/2405.15223

Language: Python - Size: 38.2 MB - Last synced at: 10 days ago - Pushed at: 17 days ago - Stars: 133 - Forks: 9

thuml/HarmonyDream

Code release for "HarmonyDream: Task Harmonization Inside World Models" (ICML 2024), https://arxiv.org/abs/2310.00344

Language: Python - Size: 2.01 MB - Last synced at: 10 days ago - Pushed at: 12 months ago - Stars: 39 - Forks: 1

opendilab/DI-engine-docs

DI-engine docs (Chinese and English)

Language: Python - Size: 178 MB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 299 - Forks: 64

misaghsoltani/DeepCubeAI

Learning Discrete World Models for Heuristic Search

Language: Python - Size: 16.6 MB - Last synced at: 22 days ago - Pushed at: 9 months ago - Stars: 6 - Forks: 1

opendilab/awesome-model-based-RL

A curated list of awesome model based RL resources (continually updated)

Size: 188 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1,105 - Forks: 66

facebookresearch/mbrl-lib 📦

Library for Model Based RL

Language: Python - Size: 33.6 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 995 - Forks: 163

vocdex/mini_mbrl

Minimal model-based RL algorithm implementations

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

Cognitive-AI-Systems/him-agent

The Hierarchical Intrinsically Motivated Agent (HIMA) is an algorithm that is intended to exhibit an adaptive goal-directed behavior using neurophysiological models of the neocortex, basal ganglia, and thalamus.

Language: Python - Size: 124 MB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 39 - Forks: 2

ZhengyaoJiang/latentplan

Code release for Efficient Planning in a Compact Latent Action Space (ICLR2023) https://arxiv.org/abs/2208.10291.

Language: Python - Size: 659 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 105 - Forks: 12

hejia-zhang/awesome-model-based-reinforcement-learning

A curated list of awesome Model-based reinforcement learning resources

Size: 120 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 93 - Forks: 19

LucasAlegre/sac-plus

Soft Actor-Critic implementation with SOTA model-free extension (REDQ) and SOTA model-based extension (MBPO).

Language: Python - Size: 13.7 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 1

CPS-TUWien/racing_dreamer 📦

Latent Imagination Facilitates Zero-Shot Transfer in Autonomous Racing

Language: Python - Size: 208 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 82 - Forks: 18

Hwhitetooth/jax_muzero

An implementation of MuZero in JAX.

Language: Python - Size: 519 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 56 - Forks: 8

cap-ntu/baconian-project

Model-based Reinforcement Learning Framework

Language: Python - Size: 2.25 MB - Last synced at: 15 days ago - Pushed at: about 5 years ago - Stars: 114 - Forks: 8

aidanscannell/dcmpc

Official PyTorch implementation of "DC-MPC: Discrete Codebook Model Predictive Control"

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

stwerner97/model-based-pde-control

Numerical Evidence for Sample Efficiency of Model-Based over Model-Free Reinforcement Learning Control of Partial Differential Equations [ECC'24]

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

cc299792458/Classic-RL-Algorithms

This repository offers implementations of classic and deep reinforcement learning algorithms, including dynamic programming, monte carlo methods, td-learning, and also both q-function-based and policy gradient approaches with deep nerual networks.

Language: Python - Size: 77.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 1

esemkamutu/improving-transformers-world-model-for-rl

Implementation of the new SOTA for model based RL, from the paper "Improving Transformer World Models for Data-Efficient RL", in Pytorch

Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

abenechehab/dicl

[ICLR 2025] Official implementation of DICL (Disentangled In-Context Learning), featured in the paper "Zero-shot Model-based Reinforcement Learning using Large Language Models".

Language: Jupyter Notebook - Size: 202 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 15 - Forks: 2

kwanyoungpark/LEQ

Code for Tackling Long-Horizon Tasks with Model-based Offline Reinforcement Learning

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

JuliaMusic/PianoFingering.jl 📦

(Experimental, a lot of bugs) Automatic fingering generator for piano scores, determining optimal fingering using Model-Based Reinforcement Learning, written in the Julia language.

Language: Julia - Size: 450 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 111 - Forks: 4

RU-Automated-Reasoning-Group/CE2

NeurIPS'24 Exploring the Edges of Latent State Clusters for Goal-Conditioned Reinforcement Learning

Language: Python - Size: 387 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

RU-Automated-Reasoning-Group/MUN

NeurIPS'24 Learning World Models for Unconstrained Goal Navigation

Language: Python - Size: 390 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Bellman-devs/bellman

Model-based reinforcement learning in TensorFlow

Language: Python - Size: 370 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 55 - Forks: 4

Smantii/symbolic_mbrl

Symbolic Model-Based Reinforcement Learning

Language: Python - Size: 1.98 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

evgenii-nikishin/omd

JAX code for the paper "Control-Oriented Model-Based Reinforcement Learning with Implicit Differentiation"

Language: Jupyter Notebook - Size: 268 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 43 - Forks: 5

chauvinSimon/My_Bibliography_for_Research_on_Autonomous_Driving

Personal notes about scientific and research works on "Decision-Making for Autonomous Driving"

Size: 784 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 434 - Forks: 94

nslyubaykin/relax_frwr_example

Example FRWR (PDDM) implementation with ReLAx

Language: Jupyter Notebook - Size: 10 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nslyubaykin/relax_mbpo_example

Example MBPO implementation with ReLAx

Language: Jupyter Notebook - Size: 86 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

nslyubaykin/relax_random_shooting_example

Example Random Shooting implementation with ReLAx

Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nslyubaykin/relax_dyna_q_example

Example DYNA-Q implementation with ReLAx

Language: Jupyter Notebook - Size: 93.5 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nslyubaykin/relax_cem_example

Example CEM implementation with ReLAx

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nslyubaykin/mbrl_multitasking

Model-Based RL Multi-Tasking with ReLAx

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

DeTraffic/detraffic

A multi-agent deep reinforcement learning model to de-traffic our lives

Language: Python - Size: 74.2 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

rhalbersma/gym-blackjack-v1

OpenAI Gym blackjack environment (v1)

Language: Python - Size: 137 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 1

penn-pal-lab/scaffolder

Official codebase for "Privileged Sensing Scaffolds Reinforcement Learning", contains the Scaffolder algorithm and Sensory Scaffolding Suite.

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

ashutoshtiwari13/A-RL-Paper-A-Day-Keeps-boredom-away

An "over-optimistic" effort to read and summarize a Deep Reinforcement Learning based paper a day 🤩 👊

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

ryanxhr/DeepThermal

[AAAI 2022] The official implementation of "DeepThermal: Combustion Optimization for Thermal Power Generating Units Using Offline Reinforcement Learning"

Language: Python - Size: 47.9 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 2

sergeivolodin/causality-disentanglement-rl

Simple world models lead to good abstractions, Google Research internship 2020/master thesis at EPFL LCN 2021 ⬛◼️▪️🔦

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

aidanscannell/phd-thesis

Bayesian Learning for Control in Multimodal Dynamical Systems | written in Org-mode

Language: TeX - Size: 35.2 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

wanxinjin/Task-Driven-Hybrid-Reduction

We developed a task-driven hybrid model reduction method for solving dexterous manipulation with 5 minutes of online learning.

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

0xprofessooor/Pearl

Adaptable tools to make reinforcement learning and evolutionary computation algorithms.

Language: Python - Size: 656 KB - Last synced at: 7 months ago - Pushed at: about 3 years ago - Stars: 53 - Forks: 1

arnavkj1995/VSG

Learning Robust Dynamics Through Variational Sparse Gating

Language: Python - Size: 142 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 1

khanhvu207/deer-pytorch

PyTorch implementation of Combined Reinforcement Learning via Abstract Representations

Language: Python - Size: 7.75 MB - Last synced at: about 15 hours ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

penn-pal-lab/robot_aware_control

Code for "Know Thyself: Transferable Visual Control Policies Through Robot-Awareness" (ICLR 22)

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

quanvuong/handful-of-trials-pytorch

Unofficial Pytorch code for "Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models"

Language: Python - Size: 94.7 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 178 - Forks: 34

MathPhysSim/FERMI_RL_Paper

The repo for the FERMI FEL paper using model-based and model-free reinforcement learning methods to solve a particle accelerator operation problem.

Language: Python - Size: 65 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 2

koulanurag/dream-and-search 📦

Code for "Dream and Search to Control: Latent Space Planning for Continuous Control"

Language: Python - Size: 1.19 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 10 - Forks: 1

zfountas/deep-active-inference-mc

Deep active inference agents using Monte-Carlo methods

Language: Python - Size: 12.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 59 - Forks: 11

Jeonghwan-Cheon/lob-mbrl

Implementation of the paper <Model-based Reinforcement Learning for Predictions and Control for Limit Order Books (Wei et al., 2019)>.

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

YaoYao1995/MEEE

Code to reproduce the experiments in Sample Efficient Reinforcement Learning via Model-Ensemble Exploration and Exploitation (MEEE).

Language: Python - Size: 155 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 4

arnomoonens/awesome-model-based-reinforcement-learning Fork of Lukeeeeee/awesome-model-based-reinforcement-learning

A curated list of awesome Model-based reinforcement learning resources

Size: 131 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 2

kausiksivakumar/TOM

Official implementation of L4DC 2023 paper Transition Occupancy Matching -Learning Policy-Aware Models for Model-Based Reinforcement Learning via Transition Occupancy Matching

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

sail-sg/rosmo

Code for "Efficient Offline Policy Optimization with a Learned Model", ICLR2023

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

ZhongZ-Wang/Model-Based-RL

这是一个关于基于模型的强化学习的资料,包括一些代码地址、paper、slide等。

Size: 63.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 26 - Forks: 2

danielpalen/value_expansion

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

hr0nix/omega

A number of agents (PPO, MuZero) with a Perceiver-based NN architecture that can be trained to achieve goals in nethack/minihack environments.

Language: Python - Size: 577 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 4

howsmyanimeprofilepicture/image-tokenizer-for-mbrl

VQ-VAE-based image tokenizer for model-based RL

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

SimonRennotte/Data-Efficient-Reinforcement-Learning-with-Probabilistic-Model-Predictive-Control

Unofficial Implementation of the paper "Data-Efficient Reinforcement Learning with Probabilistic Model Predictive Control", applied to gym environments

Language: Python - Size: 14.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 76 - Forks: 10

stephenadhi/nn-mpc

Control simulation of a mass-spring-damper system using a model-based reinforcement learning algorithm

Language: Jupyter Notebook - Size: 43.8 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 5

yardenas/la-mbda

LAMBDA is a model-based reinforcement learning agent that uses Bayesian world models for safe policy optimization

Language: Python - Size: 49.8 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 11

LunjunZhang/world-model-as-a-graph

Code for "World Model as a Graph: Learning Latent Landmarks for Planning" (ICML 2021 Long Presentation)

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

janwithb/thesis

This is the official PyTorch implementation of my Master thesis. The main goal of this work was to optimize latent dynamics models with unsupervised representation learning.

Language: Python - Size: 714 MB - Last synced at: 9 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

i-abr/TorchMPC

Pytorch implementation of Model Predictive Control with learned models

Language: Python - Size: 382 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 2

chenci107/CaDM Fork of younggyoseo/CaDM

CaDM: Context-aware Dynamics Model for Generalization in Model-based Reinforcement Learning

Size: 79.1 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

chenci107/trajectory_mcl Fork of younggyoseo/trajectory_mcl

Trajectory-wise Multiple Choice Learning for Dynamics Generalization in Reinforcement Learning (NeurIPS 2020)

Size: 334 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

chenci107/learning_to_adapt Fork of iclavera/learning_to_adapt

Learning to Adapt in Dynamic, Real-World Environment through Meta-Reinforcement Learning

Size: 672 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

timtody/intrinsically_motivated_robotics

Master's thesis on model-based intrinsically motivated reinforcement learning in robotic control

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

GaspTO/Modular_MBRL

This is a Model-Based Reinforcement Learning implementation based on a modular software architecture suitable for extension and easy to understand and use.

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

zzyunzhi/asynch-mb

Code for Asynchronous Methods for Model-Based Reinforcement Learning

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

yardenas/jax-dreamer

Dreamer on JAX

Language: Python - Size: 396 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 0

Animesh-Chourey/Frozen-Lake

Various reinforcement learning algorithms implemented on the frozen lake grid world.

Language: Python - Size: 49.8 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ishank-juneja/Online-Model-Selection

Select the most appropriate model out of a library of models by assessing the performance of the models online

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

maohangyu/dreamer-torch Fork of jsikyoon/dreamer-torch

Pytorch version of Dreamer, which follows the original TF v2 codes.

Size: 2.57 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

giarcieri/Assessing-the-Influence-of-Models-on-the-Performance-of-Reinforcement-Learning-Algorithms

Master Thesis project

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

being-aerys/Reinforcement-Learning-Self-Projects

Fun with Reinforcement Learning in my spare time

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

Related Keywords
model-based-reinforcement-learning 79 reinforcement-learning 61 deep-learning 13 model-based-rl 13 reinforcement-learning-algorithms 13 deep-reinforcement-learning 12 machine-learning 11 world-models 10 continuous-control 8 model-predictive-control 8 robotics 7 pytorch 6 jax 5 offline-reinforcement-learning 4 planning 4 sac 4 representation-learning 4 soft-actor-critic 4 offline-rl 3 inverse-reinforcement-learning 3 imitation-learning 3 gaussian-processes 3 q-learning 3 muzero 3 mcts 3 video-prediction 3 gym 3 multi-agent-reinforcement-learning 3 tensorflow 3 world-model 2 td3 2 atari 2 model-based-acceleration 2 research 2 dm-haiku 2 awesome-list 2 mbrl 2 intrinsic-motivation 2 flax 2 exploration-exploitation 2 mdp 2 mujoco 2 python 2 pytorch-rl 2 thesis 2 decision-making 2 probabilistic-models 2 cross-entropy-method 2 sparse-reward-algorithms 2 goal-conditioned-rl 2 transformers 2 attention-mechanism 2 torch 2 rl 2 mbpo 2 animal-ai 1 cognitive-architectures 1 rollout 1 trpo 1 model-free-rl 1 active-inference 1 cognitive-science 1 disentangled-representations 1 naf 1 dsprites 1 fel 1 machine-learning-models 1 monte-carlo-methods 1 distributed-reinforcement-learning 1 epfl 1 model-sparsity 1 primal-dual 1 sparsity 1 tf-agents 1 gaussian-process 1 mixture-of-experts 1 optimal-control 1 contact-rich-manipulation 1 dexterous-manipulation 1 dexterous-robotic-hand 1 hybrid-model-predictive-controller 1 in-hand-manipulation 1 linear-complementarity-problem 1 manipulation 1 evolutionary-algorithms 1 evolutionary-computation 1 pearl 1 iclr 1 neural-networks 1 transfer-learning 1 ensemble-learning 1 accelerators 1 acclerator-physics 1 ae-dyna 1 applied-reinforcement-learning 1 neural-network 1 ai-safety 1 constrained-optimization 1 safe-reinforcement-learning 1 planning-algorithms 1