An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with model-predictive-control

A curated list of projects in awesome lists tagged with model-predictive-control .

https://github.com/ai-winter/ros_motion_planning

Motion planning and Navigation of AGV/AMR:ROS planner plugin implementation of A*, JPS, D*, LPA*, D* Lite, Theta*, RRT, RRT*, RRT-Connect, Informed RRT*, ACO, PSO, Voronoi, PID, LQR, MPC, DWA, APF, Pure Pursuit etc.

artificial-potential-field astar autonomous-vehicles dstar-lite jump-point-search lpa-star model-predictive-control motion-planning path-planning path-tracking pure-pursuit robotics ros ros-navigation rrt rrt-star trajectory-planning voronoi

Last synced: 14 May 2025

https://github.com/google-deepmind/mujoco_mpc

Real-time behaviour synthesis with MuJoCo, using Predictive Control

model-predictive-control motor-control mpc mpc-control mujoco predictive-control

Last synced: 17 Jun 2025

https://github.com/loco-3d/crocoddyl

Crocoddyl is an optimal control library for robot control under contact sequence. Its solver is based on various efficient Differential Dynamic Programming (DDP)-like algorithms

code-generation conda crocoddyl differential-dynamic-programming legged-robotics model-predictive-control motion-planning optimal-control robotics ros trajectory-optimization

Last synced: 12 May 2025

https://github.com/Shunichi09/PythonLinearNonlinearControl

PythonLinearNonLinearControl is a library implementing the linear and nonlinear control theories in python.

cem ddp ilqr linear-control model-based-rl model-predictive-control mpc mppi nmpc nonlinear-control optimal-control reinforcement-learning

Last synced: 26 Mar 2025

https://github.com/rst-tu-dortmund/mpc_local_planner

The mpc_local_planner package implements a plugin to the base_local_planner of the 2D navigation stack. It provides a generic and versatile model predictive control implementation with minimum-time and quadratic-form receding-horizon configurations.

car-like-robots mobile-robots model-predictive-control mpc path-planning ros trajectory-optimization

Last synced: 12 May 2025

https://github.com/um-arm-lab/pytorch_mppi

Model Predictive Path Integral (MPPI) with approximate dynamics implemented in pytorch

approximate-dynamics controls model-predictive-control mppi pytorch

Last synced: 15 May 2025

https://github.com/hiroishida/robust-tube-mpc

Example implementation for robust model predictive control using tube

convex model-predictive-control robust tube

Last synced: 09 Apr 2025

https://github.com/UM-ARM-Lab/pytorch_mppi

Model Predictive Path Integral (MPPI) with approximate dynamics implemented in pytorch

approximate-dynamics controls model-predictive-control mppi pytorch

Last synced: 20 Mar 2025

https://github.com/davidusb-geek/emhass

emhass: Energy Management for Home Assistant, is a Python module designed to optimize your home energy interfacing with Home Assistant.

energy home-automation linear-programming management model-predictive-control optimization

Last synced: 05 Apr 2025

https://github.com/mizuhoaoki/python_simple_mppi

Python implementation of MPPI (Model Predictive Path-Integral) controller to understand the basic idea. Mandatory dependencies are numpy and matplotlib only.

animation autonomous-driving autonomous-vehicles cartpole control model-predictive-control mpc mppi nmpc nonlinear-model-predictive-control path-integral path-tracking pendulum python sampling-based-planning stochastic-optimal-control

Last synced: 12 Oct 2025

https://github.com/OpenOCL/OpenOCL

Open Optimal Control Library for Matlab. Trajectory Optimization and non-linear Model Predictive Control (MPC) toolbox.

control-theory machine-learning model-predictive-control numerical-optimization optimal-control robotics trajectory-optimization

Last synced: 04 May 2025

https://github.com/hybridrobotics/nmpc-dclf-dcbf

A collection of work using nonlinear model predictive control (NMPC) with discrete-time control Lyapunov functions (CLFs) and control barrier functions (CBFs)

control-barrier-functions control-lyapunov-functions ipopt matlab model-predictive-control mpc-control nonlinear-optimization obstacle-avoidance-algorithm quadratic-programming safety-critical-systems

Last synced: 09 Apr 2025

https://github.com/ai-winter/python_motion_planning

Motion planning and Navigation of AGV/AMR:ROS planner plugin implementation of A*, JPS, D*, LPA*, D* Lite, (Lazy)Theta*, RRT, RRT*, RRT-Connect, Informed RRT*, ACO, Voronoi, PID, DWA, APF, LQR, MPC, Bezier, Dubins etc.

a-star ant-colony-optimization artificial-potential-field bezier-curve d-star d-star-lite dijkstra dubins-curve informed-rrt-star jump-point-search lazy-theta-star lpa-star model-predictive-control motion-planning python rrt rrt-connect rrt-star theta-star voronoi

Last synced: 31 Mar 2025

https://github.com/stephane-caron/pymanoid

Humanoid robotics prototyping environment based on OpenRAVE

humanoid-robot inverse-kinematics locomotion model-predictive-control openrave python robotics

Last synced: 31 Oct 2025

https://github.com/dojo-sim/contactimplicitmpc.jl

Fast contact-implicit model predictive control for robotic systems that make and break contact with their environments.

contact control locomotion model-predictive-control motion-planning optimization robotics

Last synced: 11 Dec 2025

https://github.com/ohtsukalab/autogenu-jupyter

An automatic code generator for nonlinear model predictive control (NMPC) and the continuation/GMRES method (C/GMRES) based numerical solvers for NMPC

c-gmres code-generation code-generator model-predictive-control mpc multiple-shooting nmpc nonlinear-model-predictive-control

Last synced: 12 Mar 2025

https://github.com/acdslab/mppi-generic

Templated C++/CUDA implementation of Model Predictive Path Integral Control (MPPI)

cpp cuda model-predictive-control model-predictive-path-integral robotics stochastic-optimization

Last synced: 05 Apr 2025

https://github.com/cmower/optas

OpTaS: An optimization-based task specification library for trajectory optimization and model predictive control.

forward-kinematics inverse-kinematics library model-predictive-control nonlinear optimal-control optimization planning python robotics task-specification trajectory-optimization

Last synced: 16 May 2025

https://github.com/befelix/safe-exploration

Safe Exploration with MPC and Gaussian process models

exploration model-predictive-control reinforcement-learning safety

Last synced: 05 Oct 2025

https://github.com/neka-nat/ddp-gym

Differential Dynamic Programming controller operating in OpenAI Gym environment.

control-theory differential-dynamic-programming lqr model-predictive-control openai-gym

Last synced: 22 Mar 2025

https://github.com/baggepinnen/differentialdynamicprogramming.jl

A package for solving Differential Dynamic Programming and trajectory optimization problems.

ddp dynamic-programming model-predictive-control optimal-control trajectory-optimization

Last synced: 04 Oct 2025

https://github.com/shaoanlu/mppi_cbf

Colab notebooks showcasing experiments on MPPI (model predictive path integral control) and CBF (control barrier function). Utilizes jax to accelerate computation.

control-barrier-functions jax model-predictive-control mppi safety-filter

Last synced: 10 Apr 2025

https://github.com/eric-bradford/ukf-snmpc

This repository contains the source code for “Unscented Kalman filter stochastic nonlinear model predictive control” (UKF-SNMPC).

casadi chemical-engineering differential-equations model-predictive-control nonlinear-optimization python27 robust-control stochastic unscented-transformation

Last synced: 09 Apr 2025

https://github.com/ossamaahmed/blackbox_mpc

Sampling based Model Predictive Control package for Model-Based RL research

derivative-free-optimization model-based-rl model-predictive-control reinforcement-learning sampling-based-planning

Last synced: 11 Sep 2025

https://github.com/tobirohrer/building-energy-storage-simulation

An open source playground energy storage environment to explore reinforcement learning and model predictive control.

energy-storage energy-storage-systems gym gymnasium model-predictive-control optimal-control reinforcement-learning solar-energy

Last synced: 11 Sep 2025

https://github.com/eric-bradford/nominal_nmpc

A basic nonlinear model predictive control implementation using Casadi with Unscented Kalman filter state estimation

automatic-differentiation casadi chemical-engineering control-systems differential-equations model-predictive-control nonlinear-dynamics nonlinear-optimization python3 unscented-kalman-filter

Last synced: 03 Sep 2025

https://github.com/eric-bradford/sdd-gp-mpc

This repository contains the source code for "Stochastic data-driven model predictive control using Gaussian processes" (SDD-GP-MPC).

casadi chemical-engineering constraints differential-equations gaussian-processes machine-learning model-predictive-control monte-carlo-simulation optimization-algorithms python3 state-space-model stochastic-processes

Last synced: 16 Jun 2025

https://github.com/darienmt/carnd-mpc-project-p5

Udacity Self-Driving Car Nanodegree - Model Predictive Control (MPC) Project

c-plus-plus model-predictive-control mpc robotics self-driving-car udacity udacity-self-driving-car

Last synced: 06 Sep 2025

https://github.com/StavrosOrf/EV2Gym

A V2G Simulation Environment for large scale EV charging optimization

deep-reinforcement-learning electric-vehicles gurobi gym mathematical-programming model-predictive-control simulator

Last synced: 07 May 2025

https://github.com/pierluigiferrari/model_predictive_controller

A model predictive controller for 2D vehicle trajectories

control controller cpp model-predictive-control mpc self-driving-cars

Last synced: 13 May 2025

https://github.com/thiagopbueno/tf-mpc

An implementation of model-predictive control algorithms using TensorFlow 2

ilqr lqr model-predictive-control mpc tensorflow2

Last synced: 18 Mar 2025

https://github.com/acxz/mppi

A simple and extensible Octave/Matlab library for Model Predictive Path Integral control scheme.

model-predictive-control model-predictive-path-integral mppi optimal-control path-integral stochastic-optimal-control

Last synced: 13 Apr 2025

https://github.com/stephane-caron/upkie_mpc_balancer

Legacy model predictive controller to balance Upkie wheeled bipeds

legged-robots locomotion model-predictive-control python robotics wheeled-biped

Last synced: 21 Aug 2025

https://github.com/pfnet-research/chainer-differentiable-mpc

Differentiable MPC in Chainer, developed as part of PFN summer internship 2019.

chainer deep-learning lqr machine-learning model-predictive-control mpc optimal-control trajectory-optimization

Last synced: 04 Oct 2025

https://github.com/zanellia/feasible_sqp

A solver for nonlinear programming based on a sequential quadratic programming strategy with feasible intermediate iterates.

high-performance-computing model-predictive-control nonlinear-programming numerical-optimal-control numerical-optimization optimal-control

Last synced: 06 Jul 2025

https://github.com/upkie/mpc_balancer

Model predictive control to balance Upkie wheeled bipeds

legged-robots locomotion model-predictive-control python robotics wheeled-biped

Last synced: 26 Apr 2025

https://github.com/baggepinnen/acadosinterface.jl

An unofficial interface from Julia to Acados going through Casadi using PyCall

c-code-generator control-systems model-predictive-control optimal-control trajectory-generation

Last synced: 24 Feb 2025

https://github.com/filippoairaldi/mpcrl-cbf

Model Predictive Control-based Reinforcement Learning with Control Barrier Functions

control-barrier-functions model-predictive-control reinforcement-learning safe-control

Last synced: 09 Oct 2025

https://github.com/dddmobilerobot/dddmr_local_planner

DDDMR local planner is the integration of trajectory generator, model critics and recovery behaviors.

local-planner mobile-robot model-predictive-control model-predictive-controller robot-controller ros2 trajectory-generation trajectory-prediction

Last synced: 30 Jul 2025

https://github.com/imgabreuw/modelo-titanic

Modelo feito em Python para prever possíveis sobreviventes do Titanic.

data-science model-predictive-control python

Last synced: 26 Mar 2025

https://github.com/thuml/trajworld

Official repository for "Trajectory World Models for Heterogeneous Environments" (ICML 2025), https://arxiv.org/abs/2502.01366

model-predictive-control off-policy-evaluation pre-training world-model

Last synced: 18 Jul 2025

https://github.com/biaslab/lcss2024-narxefe

Code, figures, animations for a NARX-EFE based agent.

active-inference free-energy-principle model-predictive-control narx

Last synced: 06 Nov 2025

https://github.com/miquelramirez/hybrid-mpc-planner

FS+ Planner packaged for deployment into simulators

cplusplus-14 hybrid-systems model-predictive-control

Last synced: 26 Oct 2025

https://github.com/tiagoprata/masterthesis

Tese de mestrado sobre Model Predictive Control (MPC)

control-systems control-theory master-thesis model-predictive-control mpc tclab

Last synced: 13 Oct 2025

https://github.com/leopits/linear-mpc-implementation

About This is the MATLAB code for a brief tutorial for Model Predictive Control (MPC) for water tank system with constrained states and inputs.

matlab model-predictive-control mpc-control

Last synced: 12 Sep 2025

https://github.com/redleader962/dockerized-snow

Containerized development workflow for the NorLab_MPPI and SNOW_AutoRally projects leveraging nvidia-docker technology. Believe it or not, it's configured for developing with ROS melodic in python 3.6.

deep-reinforcement-learning model-predictive-control nvidia-docker python-3-6 robotics ros-melodic

Last synced: 25 Dec 2025

https://github.com/nazanin1369/mpc

Model Predictive Control Algorithm inplementation in c++

control-systems model-predictive-control mpc self-driving-cars

Last synced: 04 Oct 2025

https://github.com/marcotallone/mpc-tracking

Implementation of a non-linear Model Predictive Control (MPC) algorithm for reference traking with the addition of an Extended Kalman Filter (EKF) for state estimation and robustness to noise.

control-theory extended-kalman-filter fast-mpc helicopter kalman-filter model-predictive-control mpc mpc-control non-linear-dynamics unicycle

Last synced: 05 Apr 2025