A selection of State Of The Art research papers (and code) on human locomotion (pose + trajectory) prediction (forecasting)

Overview

Awesome-Human-Pose-Prediction

Version Awesome LastUpdated HitCount

A selection of State Of The Art research papers (and code) on human trajectory prediction (forecasting). Papers marked with [W] are workshop papers.

Maintainers: Karttikeya Mangalam

Contributing: Please feel free to pull requests to add new resources or suggest addditions or changes to the list. While proposing a new addition, please keep in mind the following principles:

  • The work has been accepted in a reputable peer reviewed publication venue.
  • An opensource link to the paper pdf is attached (as far as possible).
  • Code for the paper is linked (if made opensource by the authors).

Email: mangalam@cs.{berkeley,stanford).edu

Datasets

  • Human3.6M: Large Scale Datasets and Predictive Methods for 3D Human Sensing in Natural Environments [Paper]
  • Stanford Drone Dataset (SDD): Learning Social Etiquette: Human Trajectory Understanding in Crowded Scenes [Paper] [Leaderboard]

Papers

As End in Itself

  • From Goals, Waypoints & Paths To Long Term Human Trajectory Forecasting [Paper]

  • It Is Not the Journey but the Destination: Endpoint Conditioned Trajectory Prediction [Paper]

  • Trajectron++: Dynamically-Feasible Trajectory Forecasting With Heterogeneous Data [Paper]

  • Interaction-Based Trajectory Prediction Over a Hybrid Traffic Graph [paper]

  • Map-Adaptive Goal-Based Trajectory Prediction [paper]

  • Interaction-Aware Trajectory Prediction based on a 3D Spatio-Temporal Tensor Representation using Convolutional–Recurrent Neural Networks [paper]

  • DROGON: A Trajectory Prediction Model based on Intention-Conditioned Behavior Reasoning [Paper]

  • Discrete Residual Flow for Probabilistic Pedestrian Behavior Prediction [Paper]

  • Social-VRNN: One-Shot Multi-modal Trajectory Prediction for Interacting Pedestrians [Paper]

  • Leveraging Neural Network Gradients within Trajectory Optimization for Proactive Human-Robot Interactions [Paper]

  • Social NCE: Contrastive Learning of Socially-aware Motion Representations [Paper]

  • Multimodal Deep Generative Models for Trajectory Prediction: A Conditional Variational Autoencoder Approach [Paper]

  • Risk-Sensitive Sequential Action Control with Multi-Modal Human Trajectory Forecasting for Safe Crowd-Robot Interaction [Paper]

  • Deep Learning for Vision-based Prediction: A Survey [Paper]

  • Probabilistic Crowd GAN: Multimodal Pedestrian Trajectory Prediction Using a Graph Vehicle-Pedestrian Attention Network [Paper]

  • Semantics for Robotic Mapping, Perception and Interaction: A Survey [Paper]

  • Benchmark for Evaluating Pedestrian Action Prediction[Paper]

  • Probabilistic Tracklet Scoring and Inpainting for Multiple Object Tracking [Paper]

  • Pedestrian Behavior Prediction via Multitask Learning and Categorical Interaction Modeling [Paper]

  • Graph-SIM: A Graph-based Spatiotemporal Interaction Modelling for Pedestrian Action Prediction [Paper]

  • Haar Wavelet based Block Autoregressive Flows for Trajectories [Paper]

  • Imitative Planning using Conditional Normalizing Flow [Paper]

  • TNT: Target-driveN Trajectory Prediction [Paper]

  • SimAug: Learning Robust Representations from Simulation for Trajectory Prediction [Paper]

  • SoPhie: An Attentive GAN for Predicting Paths Compliant to Social and Physical Constraints [Paper]

  • Social GAN: Socially Acceptable Trajectories With Generative Adversarial Networks [Paper]

  • DESIRE: Distant Future Prediction in Dynamic Scenes With Interacting Agents [Paper]

  • Predicting Whole Body Motion Trajectories using Conditional Neural Movement Primitives [Paper] [W]

  • Anticipating Human Intention for Full-Body Motion Prediction [Paper] [W]

  • Human Motion Prediction With Graph Neural Networks [Paper] [W]

  • Action-Agnostic Human Pose Forecasting [Paper]

  • Human Torso Pose Forecasting in the Real World [Paper]

  • Imitation Learning for Human Pose Prediction [Paper]

  • Disentangling Human Dynamics for Pedestrian Locomotion Forecasting with Noisy Supervision [Paper]

  • Predicting 3D Human Dynamics from Video [Paper]

  • Recurrent Network Models for Human Dynamics [Paper]

  • Structural-RNN: Deep Learning on Spatio-Temporal Graphs [Paper]

  • Learning Trajectory Dependencies for Human Motion Prediction [Paper]

  • Anticipating many futures: Online human motion prediction and generation for human-robot interaction [Paper]

  • Teaching Robots to Predict Human Motion [Paper]

  • Deep representation learning for human motion prediction and classification [Paper]

  • On human motion prediction using recurrent neural networks [Paper]

  • Few-Shot Human Motion Prediction via Meta-learning [Paper]

  • Efficient convolutional hierarchical autoencoder for human motion prediction [Paper]

  • Learning Human Motion Models for Long-term Predictions [Paper]

  • Long-Term Human Motion Prediction by Modeling Motion Context and Enhancing Motion Dynamic [Paper]

  • Context-aware Human Motion Prediction [Paper]

  • Adversarial Geometry-Aware Human Motion Prediction [Paper]

  • Convolutional Sequence to Sequence Model for Human Dynamics [Paper]

  • QuaterNet: A Quaternion-based Recurrent Model for Human Motion [Paper]

  • BiHMP-GAN: Bidirectional 3D Human Motion Prediction GAN [Paper]

  • Human Motion Modeling using DVGANs [Paper]

  • Human Motion Prediction using Semi-adaptable Neural Networks [Paper]

  • A Neural Temporal Model for Human Motion Prediction [Paper]

  • Modeling Human Motion with Quaternion-based Neural Networks [Paper]

  • Human Motion Prediction via Learning Local Structure Representations and Temporal Dependencies [Paper]

  • VRED: A Position-Velocity Recurrent Encoder-Decoder for Human Motion Prediction [Paper]

  • EAN: Error Attenuation Network for Long-term Human Motion Prediction [Paper]

  • Structured Prediction Helps 3D Human Motion Modelling [Paper]

  • Forecasting Human Dynamics from Static Images [Paper]

  • HP-GAN: Probabilistic 3D human motion prediction via GAN [Paper]

  • Learning Latent Representations of 3D Human Pose with Deep Neural Networks [Paper]

  • A Recurrent Variational Autoencoder for Human Motion Synthesis [Paper]

  • Spatio-temporal Manifold Learning for Human Motions via Long-horizon Modeling [Paper]

  • Combining Recurrent Neural Networks and Adversarial Training for Human Motion Synthesis and Control [Paper]

  • PISEP2: Pseudo Image Sequence Evolution based 3D Pose Prediction [Paper]

  • Human Motion Prediction via Spatio-Temporal Inpainting [Paper]

  • Spatiotemporal Co-attention Recurrent Neural Networks for Human-Skeleton Motion Prediction [Paper]

  • Human Pose Forecasting via Deep Markov Models [Paper]

  • Auto-Conditioned Recurrent Networks For Extended Complex Human Motion Synthesis [Paper]

  • Predicting Long-Term Skeletal Motions by a Spatio-Temporal Hierarchical Recurrent Network [Paper]

As a Subtask

  • The Pose Knows: Video Forecasting by Generating Pose Futures [Paper]
  • I-Planner: Intention-Aware Motion Planning Using Learning Based Human Motion Prediction [Paper]
  • Language2Pose: Natural Language Grounded Pose Forecasting [Paper]
  • Long-Term Video Generation of Multiple Futures Using Human Poses [Paper]
  • Predicting body movements for person identification under different walking conditions [Paper]
You might also like...
Implementation of "Selection via Proxy: Efficient Data Selection for Deep Learning" from ICLR 2020.

Selection via Proxy: Efficient Data Selection for Deep Learning This repository contains a refactored implementation of "Selection via Proxy: Efficien

Multivariate Time Series Forecasting with efficient Transformers. Code for the paper
Multivariate Time Series Forecasting with efficient Transformers. Code for the paper "Long-Range Transformers for Dynamic Spatiotemporal Forecasting."

Spacetimeformer Multivariate Forecasting This repository contains the code for the paper, "Long-Range Transformers for Dynamic Spatiotemporal Forecast

A Planar RGB-D SLAM which utilizes Manhattan World structure to provide optimal camera pose trajectory while also providing a sparse reconstruction containing points, lines and planes, and a dense surfel-based reconstruction.
A Planar RGB-D SLAM which utilizes Manhattan World structure to provide optimal camera pose trajectory while also providing a sparse reconstruction containing points, lines and planes, and a dense surfel-based reconstruction.

ManhattanSLAM Authors: Raza Yunus, Yanyan Li and Federico Tombari ManhattanSLAM is a real-time SLAM library for RGB-D cameras that computes the camera

《Unsupervised 3D Human Pose Representation with Viewpoint and Pose Disentanglement》(ECCV 2020) GitHub: [fig9]
《Unsupervised 3D Human Pose Representation with Viewpoint and Pose Disentanglement》(ECCV 2020) GitHub: [fig9]

Unsupervised 3D Human Pose Representation [Paper] The implementation of our paper Unsupervised 3D Human Pose Representation with Viewpoint and Pose Di

Repository for the paper
Repository for the paper "PoseAug: A Differentiable Pose Augmentation Framework for 3D Human Pose Estimation", CVPR 2021.

PoseAug: A Differentiable Pose Augmentation Framework for 3D Human Pose Estimation Code repository for the paper: PoseAug: A Differentiable Pose Augme

 Human POSEitioning System (HPS): 3D Human Pose Estimation and Self-localization in Large Scenes from Body-Mounted Sensors, CVPR 2021
Human POSEitioning System (HPS): 3D Human Pose Estimation and Self-localization in Large Scenes from Body-Mounted Sensors, CVPR 2021

Human POSEitioning System (HPS): 3D Human Pose Estimation and Self-localization in Large Scenes from Body-Mounted Sensors Human POSEitioning System (H

Event-forecasting - Event Forecasting Algorithms With Python

event-forecasting Event Forecasting Algorithms Theory Correlating events in comp

Forecasting for knowable future events using Bayesian informative priors (forecasting with judgmental-adjustment).
Forecasting for knowable future events using Bayesian informative priors (forecasting with judgmental-adjustment).

What is judgyprophet? judgyprophet is a Bayesian forecasting algorithm based on Prophet, that enables forecasting while using information known by the

This is the codebase for the ICLR 2021 paper Trajectory Prediction using Equivariant Continuous Convolution
This is the codebase for the ICLR 2021 paper Trajectory Prediction using Equivariant Continuous Convolution

Trajectory Prediction using Equivariant Continuous Convolution (ECCO) This is the codebase for the ICLR 2021 paper Trajectory Prediction using Equivar

Owner
Karttikeya Manglam
PhD Student in Computer Vision @ BAIR, UC Berkeley.
Karttikeya Manglam
Make a Turtlebot3 follow a figure 8 trajectory and create a robot arm and make it follow a trajectory

HW2 - ME 495 Overview Part 1: Makes the robot move in a figure 8 shape. The robot starts moving when launched on a real turtlebot3 and can be paused a

Devesh Bhura 0 Oct 21, 2022
Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Ibai Gorordo 99 Dec 31, 2022
Pip-package for trajectory benchmarking from "Be your own Benchmark: No-Reference Trajectory Metric on Registered Point Clouds", ECMR'21

Map Metrics for Trajectory Quality Map metrics toolkit provides a set of metrics to quantitatively evaluate trajectory quality via estimating consiste

Mobile Robotics Lab. at Skoltech 31 Oct 28, 2022
This is the official code of our paper "Diversity-based Trajectory and Goal Selection with Hindsight Experience Relay" (PRICAI 2021)

Diversity-based Trajectory and Goal Selection with Hindsight Experience Replay This is the official implementation of our paper "Diversity-based Traje

Tianhong Dai 6 Jul 18, 2022
tsai is an open-source deep learning package built on top of Pytorch & fastai focused on state-of-the-art techniques for time series classification, regression and forecasting.

Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai

timeseriesAI 2.8k Jan 8, 2023
Official codebase for Legged Robots that Keep on Learning: Fine-Tuning Locomotion Policies in the Real World

Legged Robots that Keep on Learning Official codebase for Legged Robots that Keep on Learning: Fine-Tuning Locomotion Policies in the Real World, whic

Laura Smith 70 Dec 7, 2022
OpenFace – a state-of-the art tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.

OpenFace 2.2.0: a facial behavior analysis toolkit Over the past few years, there has been an increased interest in automatic facial behavior analysis

Tadas Baltrusaitis 5.8k Dec 31, 2022
Research code for CVPR 2021 paper "End-to-End Human Pose and Mesh Reconstruction with Transformers"

MeshTransformer ✨ This is our research code of End-to-End Human Pose and Mesh Reconstruction with Transformers. MEsh TRansfOrmer is a simple yet effec

Microsoft 473 Dec 31, 2022
FastReID is a research platform that implements state-of-the-art re-identification algorithms.

FastReID is a research platform that implements state-of-the-art re-identification algorithms.

JDAI-CV 2.8k Jan 7, 2023
PyTorch Implementation for AAAI'21 "Do Response Selection Models Really Know What's Next? Utterance Manipulation Strategies for Multi-turn Response Selection"

UMS for Multi-turn Response Selection Implements the model described in the following paper Do Response Selection Models Really Know What's Next? Utte

Taesun Whang 47 Nov 22, 2022