All Projects → Haoran-SONG → PiP-Planning-informed-Prediction

Haoran-SONG / PiP-Planning-informed-Prediction

Licence: other
(ECCV 2020) PiP: Planning-informed Trajectory Prediction for Autonomous Driving

Programming Languages

python
139335 projects - #7 most used programming language
matlab
3953 projects
shell
77523 projects

Projects that are alternatives of or similar to PiP-Planning-informed-Prediction

vehicle-trajectory-prediction
Behavior Prediction in Autonomous Driving
Stars: ✭ 23 (-77.23%)
Mutual labels:  trajectory-prediction, motion-forecasting
Hybrid-A-Star-U-Turn-Solution
Autonomous driving trajectory planning solution for U-Turn scenario
Stars: ✭ 75 (-25.74%)
Mutual labels:  autonomous-driving, trajectory-planning
WIMP
[arXiv] What-If Motion Prediction for Autonomous Driving ❓🚗💨
Stars: ✭ 80 (-20.79%)
Mutual labels:  autonomous-driving, trajectory-prediction
loco car
Software for LOCO, our autonomous drifting RC car.
Stars: ✭ 44 (-56.44%)
Mutual labels:  autonomous-driving
Virtual-Lane-Boundary-Generation
Virtual Lane Boundary Generation for Human-Compatible Autonomous Driving
Stars: ✭ 22 (-78.22%)
Mutual labels:  autonomous-driving
Depth-Guided-Inpainting
Code for ECCV 2020 "DVI: Depth Guided Video Inpainting for Autonomous Driving"
Stars: ✭ 50 (-50.5%)
Mutual labels:  autonomous-driving
IAST-ECCV2020
IAST: Instance Adaptive Self-training for Unsupervised Domain Adaptation (ECCV 2020) https://teacher.bupt.edu.cn/zhuchuang/en/index.htm
Stars: ✭ 84 (-16.83%)
Mutual labels:  eccv2020
autonomous-delivery-robot
Repository for Autonomous Delivery Robot project of IvLabs, VNIT
Stars: ✭ 65 (-35.64%)
Mutual labels:  autonomous-driving
The-Kraken-Pathfinding
A tentacle-based pathfinding library for nonholonomic robotic vehicles
Stars: ✭ 24 (-76.24%)
Mutual labels:  autonomous-driving
SF-GRU
Pedestrian Action Anticipation using Contextual Feature Fusion in Stacked RNNs
Stars: ✭ 43 (-57.43%)
Mutual labels:  autonomous-driving
SelfDrivingCarsControlDesign
Self Driving Cars Longitudinal and Lateral Control Design
Stars: ✭ 96 (-4.95%)
Mutual labels:  autonomous-driving
Autonomous-Parking-System
Automatic Parking is an autonomous car maneuvering system (part of ADAS) that moves a vehicle from a traffic lane into a parking spot to perform parallel parking. The automatic parking system aims to enhance the comfort and safety of driving in constrained environments where much attention and experience is required to steer the car. The parking…
Stars: ✭ 39 (-61.39%)
Mutual labels:  autonomous-driving
YOLOP-opencv-dnn
使用OpenCV部署全景驾驶感知网络YOLOP,可同时处理交通目标检测、可驾驶区域分割、车道线检测,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 从而彻底摆脱对任何深度学习框架的依赖。
Stars: ✭ 178 (+76.24%)
Mutual labels:  autonomous-driving
dmfont
Official PyTorch implementation of DM-Font (ECCV 2020)
Stars: ✭ 110 (+8.91%)
Mutual labels:  eccv2020
Baidu Lane Segmentation
4th place solution in Baidu Autonomous Driving Lane Segmentation
Stars: ✭ 19 (-81.19%)
Mutual labels:  autonomous-driving
dreyeve
[TPAMI 2018] Predicting the Driver’s Focus of Attention: the DR(eye)VE Project. A deep neural network learnt to reproduce the human driver focus of attention (FoA) in a variety of real-world driving scenarios.
Stars: ✭ 88 (-12.87%)
Mutual labels:  autonomous-driving
Point2Mesh
Meshing Point Clouds with Predicted Intrinsic-Extrinsic Ratio Guidance (ECCV2020)
Stars: ✭ 61 (-39.6%)
Mutual labels:  eccv2020
SRResCycGAN
Code repo for "Deep Cyclic Generative Adversarial Residual Convolutional Networks for Real Image Super-Resolution" (ECCVW AIM2020).
Stars: ✭ 47 (-53.47%)
Mutual labels:  eccv2020
JuliaAutonomy
Julia sample codes for Autonomy, Robotics and Self-Driving Algorithms.
Stars: ✭ 21 (-79.21%)
Mutual labels:  autonomous-driving
AC-VRNN
PyTorch code for CVIU paper "AC-VRNN: Attentive Conditional-VRNN for Multi-Future Trajectory Prediction"
Stars: ✭ 21 (-79.21%)
Mutual labels:  trajectory-prediction

Planning-informed Trajectory Prediction (PiP)

The official implementation of "PiP: Planning-informed Trajectory Prediction for Autonomous Driving" (ECCV 2020),

by Haoran Song, Wenchao Ding, Yuxuan Chen, Shaojie Shen, Michael Yu Wang and Qifeng Chen.

Inform the multi-agent future prediction with ego vehicle's planning in a novel planning-prediction-coupled pipeline.

For more details, please refer to our project website / paper / arxiv.

Dependencies

conda create -n PIPrediction python=3.7
source activate PIPrediction

conda install pytorch==1.2.0 torchvision==0.4.0 cudatoolkit=10.0 -c pytorch
conda install tensorboard=1.14.0
conda install numpy=1.16 scipy=1.4 h5py=2.10 future

Download

  • Raw datasets: download NGSIM and highD, then process them into the required format (.mat) using the preprocessing code.
  • Processed datasets: download from this link and save them in datasets/.
  • Trained models: download from this link and save them in trained_models/.

Running

Training by sh scripts/train.sh or running

python train.py --name ngsim_demo --batch_size 64 --pretrain_epochs 5 --train_epochs 10 \
    --train_set ./datasets/NGSIM/train.mat \
    --val_set ./datasets/NGSIM/val.mat

Test by sh scripts/test.sh or running

python evaluate.py --name ngsim_model --batch_size 64 \
    --test_set ./datasets/NGSIM/test.mat

Documentation

  • model.py : It contains the concrete details of the proposed PiP architecture.
  • train.py : It contains the detailed approach for training PiP model. All the network parameters are provided by the default values.
  • evaluate.py : It contains the approach for evaluating a trained model. The prediction precision is reported by RMSE & NLL values at future time frames.
  • data.py : It contains the customized dataset class for handling and batching trajectory data
  • utils.py : It contains the loss calculation functions and some other helper functions.
  • preprocess/ : It contains Matlab code for preprocessing the raw data from NGSIM or HighD into the required format.

Citation

If you find our work useful in your research, please citing:

@InProceedings{song2020pip,
author = {Song, Haoran and Ding, Wenchao and Chen, Yuxuan and Shen, Shaojie and Wang, Michael Yu and Chen, Qifeng},
title = {PiP: Planning-informed Trajectory Prediction for Autonomous Driving},
booktitle = {The European Conference on Computer Vision (ECCV)},
month = {August},
year = {2020}
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].