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

Topic: "motion-planning"

OpenDriveLab/UniAD

[CVPR 2023 Best Paper Award] Planning-oriented Autonomous Driving

Language: Python - Size: 9.47 MB - Last synced at: 6 days ago - Pushed at: 12 days ago - Stars: 3,922 - Forks: 441

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.

Language: C++ - Size: 140 MB - Last synced at: 10 days ago - Pushed at: 13 days ago - Stars: 2,708 - Forks: 427

HKUST-Aerial-Robotics/Fast-Planner

A Robust and Efficient Trajectory Planner for Quadrotors

Language: C++ - Size: 144 MB - Last synced at: 10 days ago - Pushed at: 6 months ago - Stars: 2,693 - Forks: 697

jslee02/awesome-robotics-libraries

:sunglasses: A curated list of robotics libraries and software

Size: 313 KB - Last synced at: 2 days ago - Pushed at: 10 months ago - Stars: 2,458 - Forks: 444

petercorke/robotics-toolbox-python

Robotics Toolbox for Python

Language: Python - Size: 170 MB - Last synced at: 12 days ago - Pushed at: 8 months ago - Stars: 2,438 - Forks: 497

stack-of-tasks/pinocchio

A fast and flexible implementation of Rigid Body Dynamics algorithms and their analytical derivatives

Language: C++ - Size: 27.9 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2,274 - Forks: 430

Unity-Technologies/Unity-Robotics-Hub

Central repository for tools, tutorials, resources, and documentation for robotics simulation in Unity.

Language: C# - Size: 90.8 MB - Last synced at: 10 days ago - Pushed at: 5 months ago - Stars: 2,200 - Forks: 439

karlkurzer/path_planner

Hybrid A* Path Planner for the KTH Research Concept Vehicle

Language: C++ - Size: 856 KB - Last synced at: 9 days ago - Pushed at: 7 months ago - Stars: 1,705 - Forks: 544

ompl/ompl

The Open Motion Planning Library (OMPL)

Language: C++ - Size: 210 MB - Last synced at: 8 days ago - Pushed at: 11 days ago - Stars: 1,682 - Forks: 626

symforce-org/symforce

Fast symbolic computation, code generation, and nonlinear optimization for robotics

Language: C++ - Size: 13.1 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 1,479 - Forks: 151

petercorke/robotics-toolbox-matlab

Robotics Toolbox for MATLAB

Language: MATLAB - Size: 52.1 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 1,354 - Forks: 453

wangzheallen/awesome-human-pose-estimation

Human Pose Estimation Related Publication

Size: 3.72 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 1,351 - Forks: 208

roboticslibrary/rl

The Robotics Library (RL) is a self-contained C++ library for rigid body kinematics and dynamics, motion planning, and control.

Language: C++ - Size: 3.32 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1,043 - Forks: 229

HKUST-Aerial-Robotics/Teach-Repeat-Replan

Teach-Repeat-Replan: A Complete and Robust System for Aggressive Flight in Complex Environments

Language: C++ - Size: 159 MB - Last synced at: 27 days ago - Pushed at: over 3 years ago - Stars: 1,002 - Forks: 256

ethz-adrl/towr

A light-weight, Eigen-based C++ library for trajectory optimization for legged robots.

Language: C++ - Size: 5.13 MB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 976 - Forks: 238

HKUST-Aerial-Robotics/FUEL

An Efficient Framework for Fast UAV Exploration

Language: C++ - Size: 122 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 964 - Forks: 201

eleurent/phd-bibliography

References on Optimal Control, Reinforcement Learning and Motion Planning

Size: 2.23 MB - Last synced at: 24 days ago - Pushed at: about 3 years ago - Stars: 951 - Forks: 206

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

Language: C++ - Size: 22.8 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 949 - Forks: 188

ZJU-FAST-Lab/GCOPTER

A General-Purpose Trajectory Optimizer for Multicopters

Language: C++ - Size: 38.8 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 920 - Forks: 164

pantor/ruckig

Motion Generation for Robots and Machines. Real-time. Jerk-constrained. Time-optimal.

Language: C++ - Size: 3.47 MB - Last synced at: about 24 hours ago - Pushed at: 1 day ago - Stars: 840 - Forks: 190

snape/RVO2

Optimal Reciprocal Collision Avoidance (C++)

Language: C++ - Size: 277 KB - Last synced at: 6 days ago - Pushed at: 12 months ago - Stars: 809 - Forks: 253

mbreuss/diffusion-literature-for-robotics

Summary of key papers and blogs about diffusion models to learn about the topic. Detailed list of all published diffusion robotics papers.

Size: 220 KB - Last synced at: 12 days ago - Pushed at: 7 months ago - Stars: 803 - Forks: 41

teddyluo/hybrid-a-star-annotation

Hybrid A*路径规划器的代码注释

Language: C++ - Size: 188 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 800 - Forks: 246

NVlabs/curobo

CUDA Accelerated Robot Library

Language: Python - Size: 3.15 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 791 - Forks: 123

snape/RVO2-CS

Optimal Reciprocal Collision Avoidance (C#)

Language: C# - Size: 256 KB - Last synced at: 7 days ago - Pushed at: 12 months ago - Stars: 754 - Forks: 130

ai-winter/python_motion_planning

Motion planning(Path Planning and Trajectory Planning/Tracking) of AGV/AMR:python implementation of Dijkstra, A*, JPS, D*, LPA*, D* Lite, (Lazy)Theta*, RRT, RRT*, RRT-Connect, Informed RRT*, Voronoi, PID, DWA, APF, LQR, MPC, RPP, Bezier, Dubins etc.

Language: Python - Size: 17.6 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 678 - Forks: 89

huangwl18/VoxPoser

VoxPoser: Composable 3D Value Maps for Robotic Manipulation with Language Models

Language: Python - Size: 7.11 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 637 - Forks: 82

synthetos/g2

g2core - The Next Generation

Language: C++ - Size: 108 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 633 - Forks: 296

hungpham2511/toppra

robotic motion planning library

Language: Python - Size: 11.5 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 609 - Forks: 168

motion-planning/rrt-algorithms

n-dimensional RRT, RRT* (RRT-Star)

Language: Python - Size: 120 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 549 - Forks: 167

DeepTecher/AutonomousVehiclePaper

无人驾驶相关论文速递

Size: 6.06 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 488 - Forks: 108

lihuang3/ur5_ROS-Gazebo

Universal Robot (UR5) Pick and Place Simulation in ROS-Gazebo with a USB Cam and Vacuum Grippers

Language: Python - Size: 25.9 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 445 - Forks: 133

ZJU-FAST-Lab/Swarm-Formation

Formation Flight in Dense Environments

Language: C++ - Size: 10.1 MB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 444 - Forks: 68

cyberbotics/webots_ros2

Webots ROS 2 packages

Language: C - Size: 54.8 MB - Last synced at: 11 days ago - Pushed at: about 1 month ago - Stars: 438 - Forks: 164

ai-winter/matlab_motion_planning

Motion planning and Navigation of AGV/AMR:matlab implementation of Dijkstra, A*, Theta*, JPS, D*, LPA*, D* Lite, RRT, RRT*, RRT-Connect, Informed RRT*, ACO, Voronoi, PID, LQR, MPC, APF, RPP, DWA, DDPG, Bezier, B-spline, Dubins, Reeds-Shepp etc.

Language: MATLAB - Size: 24.7 MB - Last synced at: 15 days ago - Pushed at: 17 days ago - Stars: 429 - Forks: 67

leggedrobotics/free_gait

An Architecture for the Versatile Control of Legged Robots

Language: C++ - Size: 2.08 MB - Last synced at: 15 days ago - Pushed at: over 5 years ago - Stars: 417 - Forks: 121

caelan/pybullet-planning

PyBullet Planning

Language: C++ - Size: 117 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 412 - Forks: 117

caelan/pddlstream

PDDLStream: Integrating Symbolic Planners and Blackbox Samplers

Language: Python - Size: 26.9 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 381 - Forks: 100

microsoft/AirSim-NeurIPS2019-Drone-Racing

Drone Racing @ NeurIPS 2019, built on Microsoft AirSim

Language: Python - Size: 63.4 MB - Last synced at: about 3 hours ago - Pushed at: over 2 years ago - Stars: 372 - Forks: 96

ZhengYinan-AIR/Diffusion-Planner

[ICLR 2025 Oral] The official implementation of "Diffusion-Based Planning for Autonomous Driving with Flexible Guidance"

Language: Python - Size: 14.9 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 345 - Forks: 40

leggedrobotics/xpp

Visualization of Motions for Legged Robots in ros-rviz

Language: C++ - Size: 118 MB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 328 - Forks: 98

vss2sn/path_planning

This repository contains path planning algorithms in C++ for a grid based search.

Language: C++ - Size: 6.69 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 321 - Forks: 88

Unity-Technologies/Robotics-Object-Pose-Estimation

A complete end-to-end demonstration in which we collect training data in Unity and use that data to train a deep neural network to predict the pose of a cube. This model is then deployed in a simulated robotic pick-and-place task.

Language: Python - Size: 38.6 MB - Last synced at: 14 days ago - Pushed at: about 3 years ago - Stars: 315 - Forks: 77

gtrll/gpmp2

Gaussian Process Motion Planner 2

Language: C++ - Size: 576 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 312 - Forks: 98

dojo-sim/Dojo.jl

A differentiable physics engine for robotics

Language: Julia - Size: 612 MB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 295 - Forks: 25

tesseract-robotics/tesseract

Motion Planning Environment

Language: C++ - Size: 82.7 MB - Last synced at: about 16 hours ago - Pushed at: about 18 hours ago - Stars: 294 - Forks: 91

Sollimann/CleanIt

Open-source Autonomy Software in Rust-lang using gRPC for the Roomba series robot vacuum cleaners. Under development.

Language: Rust - Size: 7.06 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 281 - Forks: 16

snape/RVO2-3D

Optimal Reciprocal Collision Avoidance in Three Dimensions (C++)

Language: C++ - Size: 219 KB - Last synced at: 6 days ago - Pushed at: 12 months ago - Stars: 272 - Forks: 66

JaciBrunning/Pathfinder

Cross-Platform, Multi-Use Motion Profiling and Trajectory Generation

Language: C - Size: 3.19 MB - Last synced at: 11 days ago - Pushed at: about 5 years ago - Stars: 256 - Forks: 78

ZJU-FAST-Lab/Fast-Racing

An Open-source Strong Baseline for SE(3) Planning in Autonomous Drone Racing

Language: C++ - Size: 126 MB - Last synced at: 11 days ago - Pushed at: over 3 years ago - Stars: 255 - Forks: 47

andyzeng/ikfastpy

Python wrapper over OpenRave's IKFast inverse kinematics solver for a UR5 robot arm.

Language: C++ - Size: 8.83 MB - Last synced at: 21 days ago - Pushed at: almost 6 years ago - Stars: 237 - Forks: 66

jiachenli94/Awesome-Decision-Making-Reinforcement-Learning

A selection of state-of-the-art research materials on decision making and motion planning.

Size: 30.3 KB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 225 - Forks: 45

HKUST-Aerial-Robotics/FC-Planner

[ICRA'24 Best UAV Paper Award Finalist] An Efficient Global Planner for Aerial Coverage

Language: C++ - Size: 302 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 221 - Forks: 11

Salman-H/pick-place-robot

Object picking and stowing with a 6-DOF KUKA Robot using ROS

Language: C++ - Size: 19.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 220 - Forks: 76

KavrakiLab/vamp

SIMD-Accelerated Sampling-based Motion Planning

Language: C++ - Size: 69.3 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 219 - Forks: 26

UW-ACL/SCPToolbox.jl

Sequential Convex Programming Toolbox for nonconvex trajectory optimization.

Language: Julia - Size: 1.46 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 219 - Forks: 50

mayataka/robotoc

Efficient optimal control solvers for robotic systems.

Language: C++ - Size: 361 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 216 - Forks: 34

personalrobotics/aikido

Artificial Intelligence for Kinematics, Dynamics, and Optimization

Language: C++ - Size: 20.3 MB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 214 - Forks: 30

ZJU-FAST-Lab/am_traj

Alternating Minimization Based Trajectory Generation for Quadrotor Aggressive Flight

Language: C++ - Size: 67.4 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 185 - Forks: 46

peiyu-cui/uav_motion_planning

UAV Motion-Planning Path-Planning A*, Kinodynamic A*, RRT, RRT*, SE(3)Planning, Minimum-Snap

Language: C++ - Size: 171 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 184 - Forks: 23

ahq1993/MPNet

Motion Planning Networks

Language: C - Size: 428 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 182 - Forks: 50

matssteinweg/Multi-Purpose-MPC

Multi-Purpose MPC for Reference Path Tracking, Time-Optimal Driving and Obstacle Avoidance

Language: Python - Size: 16.9 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 178 - Forks: 57

LIJUNCHENG001/multi_robot_traj_planner

An Efficient Multi-Robot Trajectory Planner for Ground Vehicles.

Language: C++ - Size: 11 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 174 - Forks: 52

haosulab/MPlib

a Lightweight Motion Planning Package

Language: C++ - Size: 58.6 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 172 - Forks: 31

mit-acl/mppi_numba

A GPU implementation of Model Predictive Path Integral (MPPI) control that uses a probabilistic traversability model for planning risk-aware trajectories.

Language: Jupyter Notebook - Size: 38.6 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 172 - Forks: 16

ompl/omplapp

The Open Motion Planning Library (OMPL), GUI + FCL/Assimp integration

Language: C++ - Size: 56.2 MB - Last synced at: 8 days ago - Pushed at: 13 days ago - Stars: 170 - Forks: 86

SS47816/fiss_planner

[RA-L 2022] FISS: A Trajectory Planning Framework using Fast Iterative Search and Sampling Strategy for Autonomous Driving

Language: C++ - Size: 7.93 MB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 169 - Forks: 35

HJReachability/ilqgames

Iterative Linear-Quadratic Games!

Language: C++ - Size: 12.3 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 167 - Forks: 48

HKUST-Aerial-Robotics/PredRecon

[ICRA 2023] A Prediction-boosted Planner for Fast and High-quality Autonomous Aerial Reconstruction

Language: C++ - Size: 69.7 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 156 - Forks: 10

enginBozkurt/MotionPlanner

Motion Planner for Self Driving Cars

Language: Python - Size: 171 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 156 - Forks: 62

real-stanford/decentralized-multiarm

[CoRL 2020] Learning a Decentralized Multiarm Motion Planner

Language: Python - Size: 127 MB - Last synced at: 21 days ago - Pushed at: over 4 years ago - Stars: 152 - Forks: 24

olzhas/rrt_toolbox

RRT, RRT*, RRT*FN algorithms for MATLAB

Language: MATLAB - Size: 1.06 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 151 - Forks: 48

yuwei-wu/RoboPhD

Some records and notes of weekly arXiv papers, GRASP seminars, and resources

Size: 260 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 143 - Forks: 16

addy1997/Robotics-Resources 📦

List of commonly used robotics libraries and packages

Size: 1.18 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 143 - Forks: 22

snape/HRVO

The Hybrid Reciprocal Velocity Obstacle (C++)

Language: C++ - Size: 744 KB - Last synced at: 6 days ago - Pushed at: 12 months ago - Stars: 139 - Forks: 39

adnanmunawar/matlab-rrt-variants

RRT*, RRT-connect, lazy RRT and RRT extend have been implemented for 2d and 3d c-spaces with visualization

Language: MATLAB - Size: 32.2 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 139 - Forks: 63

moribots/motion_planning

Motion Planning Library to accompany turtlebot3_from_scratch repository. Deployed PRM, Grid Map, A*, Theta*, LPA*, D* Lite*, Potential Field, and MPPI.

Language: C++ - Size: 30.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 135 - Forks: 37

ami-iit/adam

adam implements a collection of algorithms for calculating rigid-body dynamics in Jax, CasADi, PyTorch, and Numpy.

Language: Python - Size: 1.86 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 131 - Forks: 20

jfrascon/SLAM_AND_PATH_PLANNING_ALGORITHMS

This repository contains the solutions to all the exercises for the MOOC about SLAM and PATH-PLANNING algorithms given by professor Claus Brenner at Leibniz University. This repository also contains my personal notes, most of them in PDF format, and many vector graphics created by myself to illustrate the theoretical concepts. Hope you enjoy it! :)

Language: Python - Size: 267 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 129 - Forks: 53

NVIDIA-ISAAC-ROS/isaac_ros_cumotion

NVIDIA-accelerated packages for arm motion planning and control

Language: C++ - Size: 163 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 126 - Forks: 22

dojo-sim/ContactImplicitMPC.jl

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

Language: Julia - Size: 837 MB - Last synced at: 29 days ago - Pushed at: over 2 years ago - Stars: 126 - Forks: 14

iory/scikit-robot

A Flexible Framework for Robot visualization and programming in Python

Language: Python - Size: 3.16 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 124 - Forks: 25

caelan/motion-planners

Python implementations of several robotic motion planners

Language: Python - Size: 5.49 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 124 - Forks: 39

wanxinjin/Pontryagin-Differentiable-Programming

A unified end-to-end learning and control framework that is able to learn a (neural) control objective function, dynamics equation, control policy, or/and optimal trajectory in a control system.

Language: Python - Size: 352 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 123 - Forks: 16

OpenDriveLab/BeTop

[NeurIPS 2024] Behavioral Topology (BeTop), a multi-agent behavior formulation for interactive motion prediction and planning

Language: Python - Size: 662 KB - Last synced at: 4 days ago - Pushed at: 5 months ago - Stars: 117 - Forks: 7

liruiw/OMG-Planner

An Optimization-based Motion and Grasp Planner

Language: C++ - Size: 28.6 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 105 - Forks: 25

kohonda/mppi_playground

Model Predictive Path Integral Control (MPPI) with PyTorch

Language: Python - Size: 13.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 103 - Forks: 13

rainorangelemon/gnn-motion-planning

The official repo for NeurIPS 2021 paper 'Reducing Collision Checking for Sampling-Based Motion Planning Using Graph Neural Networks'

Language: Python - Size: 82.6 MB - Last synced at: 16 days ago - Pushed at: about 2 years ago - Stars: 103 - Forks: 18

sarthak268/Obstacle_Avoidance_for_UAV

ROS workspace that creates a trajectory for a UAV to follow passing through a set of given waypoints and avoiding a set of given cylindrical obstacles.

Language: Makefile - Size: 2.92 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 103 - Forks: 26

lis-epfl/multi_agent_pkgs

Multi-agent motion planning packages (HDSM method)

Language: C++ - Size: 224 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 99 - Forks: 12

goktug97/DynamicWindowApproach

The Dynamic Window Approach (DWA) planning algorithm written in C with Python Bindings

Language: Cython - Size: 3.45 MB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 99 - Forks: 24

ghliu/pyReedsShepp

Implementation of Reeds Shepp curve.

Language: C++ - Size: 92.8 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 99 - Forks: 51

idsc-frazzoli/owl

motion planning algorithms with demos for various state-spaces

Language: Java - Size: 50.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 98 - Forks: 30

WATonomous/wato_monorepo

Dockerized ROS2 stack for the WATonomous Autonomous Driving Software Pipeline

Language: Python - Size: 572 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 97 - Forks: 1

KavrakiLab/robowflex

Making MoveIt Easy!

Language: C++ - Size: 8.12 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 94 - Forks: 22

KumarRobotics/AllocNet

A lightweight learning-based trajectory optimization framework.

Language: C++ - Size: 28 MB - Last synced at: 13 days ago - Pushed at: 5 months ago - Stars: 92 - Forks: 7

kohonda/proj-svg_mppi

[ICRA2024] Stein Variational Guided Model Predictive Path Integral Control: Proposal and Experiments with Fast Maneuvering Vehicles

Language: C++ - Size: 10.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 89 - Forks: 11

PickNikRobotics/deep_grasp_demo

Deep learning for grasp detection within MoveIt.

Language: C++ - Size: 14 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 88 - Forks: 52

hanruihua/rda_ros

ROS Wrapper of RDA planner

Language: Python - Size: 4.74 MB - Last synced at: 2 days ago - Pushed at: 6 months ago - Stars: 82 - Forks: 13

thowell/motion_planning

Algorithm and model experiments for robot motion planning. Implemented in Julia.

Language: Julia - Size: 32 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 82 - Forks: 19

Related Topics
robotics 256 path-planning 106 ros 98 rrt 57 python 54 trajectory-optimization 45 rrt-star 42 autonomous-driving 37 cpp 35 autonomous-vehicles 29 computer-vision 27 control 26 trajectory-generation 26 navigation 24 optimal-control 24 simulation 23 slam 23 deep-learning 22 optimization 21 obstacle-avoidance 21 self-driving-car 20 machine-learning 20 ros2 19 perception 19 robot 18 trajectory-planning 18 a-star 18 matlab 18 collision-avoidance 17 gazebo 17 visualization 17 kinematics 17 object-detection 16 localization 16 manipulation 15 aerial-robotics 15 python3 14 pathfinding 14 model-predictive-control 14 planning-algorithms 13 c-plus-plus 12 collision-detection 12 moveit 12 reinforcement-learning 12 artificial-intelligence 12 mpc 12 uav 12 inverse-kinematics 11 pytorch 11 planning 11 autonomous-robots 11 sampling-based-planning 11 algorithms 11 astar 11 rviz 10 autonomous-navigation 10 pybullet 9 algorithm 9 ompl 9 robotics-simulation 9 mobile-robots 9 motion 9 kalman-filter 9 dynamics 9 dijkstra-algorithm 9 a-star-algorithm 8 sensor-fusion 8 ros-noetic 8 control-systems 8 mapping 8 legged-robots 7 imitation-learning 7 robotics-algorithms 7 velocity-obstacles 7 coursera 7 motion-control 7 locomotion 7 robot-control 7 ai 7 udacity 7 quadrotor 7 trajectory 7 dynamic-environments 7 rrt-connect 6 pick-and-place 6 ros-melodic 6 optimal-path 6 kinodynamic-planning 6 ilqr 6 prm 6 drone 6 ros2-humble 6 hybrid-a-star 6 pygame 6 urdf 6 dubins-path 6 voronoi 6 planner 6 tensorflow 6 astar-algorithm 6