• Stars
    star
    1,034
  • Rank 44,573 (Top 0.9 %)
  • Language
    Python
  • License
    MIT License
  • Created over 2 years ago
  • Updated 6 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

[ICLR'23 Spotlight] MapTR: Structured Modeling and Learning for Online Vectorized HD Map Construction

MapTR

An End-to-End Framework for Online Vectorized HD Map Construction

Bencheng Liao1,2,3 *, Shaoyu Chen1,3 *, Yunchi Zhang1,3 , Bo Jiang1,3 ,Tianheng Cheng1,3, Qian Zhang3, Wenyu Liu1, Chang Huang3, Xinggang Wang1 📧

1 School of EIC, HUST, 2 Institute of Artificial Intelligence, HUST, 3 Horizon Robotics

(*) equal contribution, (📧) corresponding author.

ArXiv Preprint (arXiv 2208.14437)

openreview ICLR'23, accepted as ICLR Spotlight

extended ArXiv Preprint MapTRv2 (arXiv 2308.05736)

News

  • Aug. 31th, 2023: initial MapTRv2 is released at maptrv2 branch. Please run git checkout maptrv2 to use it.
  • Aug. 14th, 2023: As required by many researchers, the code of MapTR-based map annotation framework (VMA) will be released at https://github.com/hustvl/VMA recently.
  • Aug. 10th, 2023: We release MapTRv2 on Arxiv. MapTRv2 demonstrates much stronger performance and much faster convergence. To better meet the requirement of the downstream planner (like PDM), we introduce an extra semantic——centerline (using path-wise modeling proposed by LaneGAP). Code & model will be released in late August. Please stay tuned!
  • May. 12th, 2023: MapTR now support various bevencoder, such as BEVFormer encoder and BEVFusion bevpool. Check it out!
  • Apr. 20th, 2023: Extending MapTR to a general map annotation framework (paper, code), with high flexibility in terms of spatial scale and element type.
  • Mar. 22nd, 2023: By leveraging MapTR, VAD (paper, code) models the driving scene as fully vectorized representation, achieving SoTA end-to-end planning performance!
  • Jan. 21st, 2023: MapTR is accepted to ICLR 2023 as Spotlight Presentation!
  • Nov. 11st, 2022: We release an initial version of MapTR.
  • Aug. 31st, 2022: We released our paper on Arxiv. Code/Models are coming soon. Please stay tuned! ☕️

Introduction

MapTR/MapTRv2 is a simple, fast and strong online vectorized HD map construction framework.

framework

High-definition (HD) map provides abundant and precise static environmental information of the driving scene, serving as a fundamental and indispensable component for planning in autonomous driving system. In this paper, we present Map TRansformer, an end-to-end framework for online vectorized HD map construction. We propose a unified permutation-equivalent modeling approach, i.e., modeling map element as a point set with a group of equivalent permutations, which accurately describes the shape of map element and stabilizes the learning process. We design a hierarchical query embedding scheme to flexibly encode structured map information and perform hierarchical bipartite matching for map element learning. To speed up convergence, we further introduce auxiliary one-to-many matching and dense supervision. The proposed method well copes with various map elements with arbitrary shapes. It runs at real-time inference speed and achieves state-of-the-art performance on both nuScenes and Argoverse2 datasets. Abundant qualitative results show stable and robust map construction quality in complex and various driving scenes.

Models

Results from the MapTRv2 paper

comparison

Method Backbone Lr Schd mAP FPS
MapTR R18 110ep 45.9 35.0
MapTR R50 24ep 50.3 15.1
MapTR R50 110ep 58.7 15.1
MapTRv2 R18 110ep 52.3 33.7
MapTRv2 R50 24ep 61.5 14.1
MapTRv2 R50 110ep 68.7 14.1
MapTRv2 V2-99 110ep 73.4 9.9

Notes:

  • FPS is measured on NVIDIA RTX3090 GPU with batch size of 1 (containing 6 view images).
  • All the experiments are performed on 8 NVIDIA GeForce RTX 3090 GPUs.

Results from this repo.

MapTR

nuScenes dataset

Method Backbone BEVEncoder Lr Schd mAP FPS memory Config Download
MapTR-nano R18 GKT 110ep 46.3 35.0 11907M (bs 24) config model / log
MapTR-tiny R50 GKT 24ep 50.0 15.1 10287M (bs 4) config model / log
MapTR-tiny R50 GKT 110ep 59.3 15.1 10287M (bs 4) config model / log
MapTR-tiny Camera & LiDAR GKT 24ep 62.7 6.0 11858M (bs 4) config model / log
MapTR-tiny R50 bevpool 24ep 50.1 14.7 9817M (bs 4) config model / log
MapTR-tiny R50 bevformer 24ep 48.7 15.0 10219M (bs 4) config model / log
MapTR-tiny+ R50 GKT 24ep 51.3 15.1 15158M (bs 4) config model / log
MapTR-tiny+ R50 bevformer 24ep 53.3 15.0 15087M (bs 4) config model / log

Notes:

  • + means that we introduce temporal setting.

MapTRv2

Please git checkout maptrv2 and follow the install instruction to use following checkpoint

nuScenes dataset

Method Backbone BEVEncoder Lr Schd mAP FPS memory Config Download
MapTRv2 R50 bevpool 24ep 61.4 14.1 19426M (bs 24) config model / log
MapTRv2* R50 bevpool 24ep 54.3 WIP 20363M (bs 24) config model / log

Argoverse2 dataset

Method Backbone BEVEncoder Lr Schd mAP FPS memory Config Download
MapTRv2 R50 bevpool 6ep 64.3 14.1 20580 (bs 24) config model / log
MapTRv2* R50 bevpool 6ep 61.3 WIP 21515 (bs 24) config model / log

Notes:

  • * means that we introduce an extra semantic——centerline (using path-wise modeling proposed by LaneGAP).

Qualitative results on nuScenes val split and Argoverse2 val split

MapTR/MapTRv2 maintains stable and robust map construction quality in various driving scenes.

visualization

MapTRv2 on whole nuScenes val split

Youtube

MapTRv2 on whole Argoverse2 val split

Youtube

End-to-end Planning based on MapTR

e2e_planning.mp4

Getting Started

Catalog

  • temporal modules
  • centerline detection & topology support (refer to maptrv2 branch)
  • multi-modal checkpoints
  • multi-modal code
  • lidar modality code
  • argoverse2 dataset
  • Nuscenes dataset
  • MapTR checkpoints
  • MapTR code
  • Initialization

Acknowledgements

MapTR is based on mmdetection3d. It is also greatly inspired by the following outstanding contributions to the open-source community: BEVFusion, BEVFormer, HDMapNet, GKT, VectorMapNet.

Citation

If you find MapTR is useful in your research or applications, please consider giving us a star 🌟 and citing it by the following BibTeX entry.

@inproceedings{MapTR,
  title={MapTR: Structured Modeling and Learning for Online Vectorized HD Map Construction},
  author={Liao, Bencheng and Chen, Shaoyu and Wang, Xinggang and Cheng, Tianheng, and Zhang, Qian and Liu, Wenyu and Huang, Chang},
  booktitle={International Conference on Learning Representations},
  year={2023}
}
@article{maptrv2,
  title={MapTRv2: An End-to-End Framework for Online Vectorized HD Map Construction},
  author={Liao, Bencheng and Chen, Shaoyu and Zhang, Yunchi and Jiang, Bo and Zhang, Qian and Liu, Wenyu and Huang, Chang and Wang, Xinggang},
  journal={arXiv preprint arXiv:2308.05736},
  year={2023}
}
 @article{lanegap,
  title={Lane Graph as Path: Continuity-preserving Path-wise Modeling for Online Lane Graph Construction},
  author={Bencheng Liao and Shaoyu Chen and Bo Jiang and Tianheng Cheng and Qian Zhang and Wenyu Liu and Chang Huang and Xinggang Wang},
  journal={arXiv preprint arXiv:2303.08815},
  year={2023}
}

More Repositories

1

Vim

[ICML 2024] Vision Mamba: Efficient Visual Representation Learning with Bidirectional State Space Model
Python
2,734
star
2

4DGaussians

[CVPR 2024] 4D Gaussian Splatting for Real-Time Dynamic Scene Rendering
Jupyter Notebook
2,115
star
3

YOLOP

You Only Look Once for Panopitic Driving Perception.(MIR2022)
Python
1,906
star
4

YOLOS

[NeurIPS 2021] You Only Look at One Sequence
Jupyter Notebook
826
star
5

GaussianDreamer

GaussianDreamer: Fast Generation from Text to 3D Gaussians by Bridging 2D and 3D Diffusion Models (CVPR 2024)
Python
632
star
6

VAD

[ICCV 2023] VAD: Vectorized Scene Representation for Efficient Autonomous Driving
Python
628
star
7

SparseInst

[CVPR 2022] SparseInst: Sparse Instance Activation for Real-Time Instance Segmentation
Python
558
star
8

Matte-Anything

[Image and Vision Computing (Vol.147 Jul. '24)] Interactive Natural Image Matting with Segment Anything Models
Python
473
star
9

QueryInst

[ICCV 2021] Instances as Queries
Python
402
star
10

TopFormer

TopFormer: Token Pyramid Transformer for Mobile Semantic Segmentation, CVPR2022
Python
375
star
11

MIMDet

[ICCV 2023] You Only Look at One Partial Sequence
Python
336
star
12

TiNeuVox

TiNeuVox: Fast Dynamic Radiance Fields with Time-Aware Neural Voxels (SIGGRAPH Asia 2022)
Python
322
star
13

ViTMatte

[Information Fusion] Boosting Image Matting with Pretrained Plain Vision Transformers
Python
245
star
14

TeViT

Temporally Efficient Vision Transformer for Video Instance Segmentation, CVPR 2022, Oral
Python
237
star
15

GKT

Efficient and Robust 2D-to-BEV Representation Learning via Geometry-guided Kernel Transformer
Python
218
star
16

BMaskR-CNN

[ECCV 2020] Boundary-preserving Mask R-CNN
Python
184
star
17

HAIS

Hierarchical Aggregation for 3D Instance Segmentation (ICCV 2021)
Python
163
star
18

Symphonies

[CVPR 2024] Symphonies (Scene-from-Insts): Symphonize 3D Semantic Scene Completion with Contextual Instance Queries
Python
160
star
19

VMA

A general map auto annotation framework based on MapTR, with high flexibility in terms of spatial scale and element type
Python
157
star
20

WeakTr

WeakTr: Exploring Plain Vision Transformer for Weakly-supervised Semantic Segmentation
Python
122
star
21

LaneGAP

[ECCV 2024] Lane Graph as Path: Continuity-preserving Path-wise Modeling for Online Lane Graph Construction
114
star
22

SparseTrack

Official PyTorch implementation of SparseTrack (the new version of code will come soon)
Python
108
star
23

CrossVIS

[ICCV 2021] Crossover Learning for Fast Online Video Instance Segmentation
Python
85
star
24

MSG-Transformer

MSG-Transformer: Exchanging Local Spatial Information by Manipulating Messenger Tokens (CVPR 2022)
Python
80
star
25

PolarDETR

73
star
26

BoxTeacher

[CVPR 2023] Exploring High-Quality Pseudo Masks for Weakly Supervised Instance Segmentation
Python
72
star
27

TinyDet

Python
68
star
28

osp

[ECCV 2024] Occupancy as Set of Points
Python
63
star
29

GNeuVox

GNeuVox: Generalizable Neural Voxels for Fast Human Radiance Fields
Python
60
star
30

AziNorm

AziNorm: Exploiting the Radial Symmetry of Point Cloud for Azimuth-Normalized 3D Perception, CVPR 2022.
Python
53
star
31

Featurized-QueryRCNN

Featurized Query R-CNN
Python
46
star
32

RILS

[CVPR 2023] RILS: Masked Visual Reconstruction in Language Semantic Space (https://arxiv.org/abs/2301.06958)
Python
43
star
33

PD-Quant

[CVPR 2023] PD-Quant: Post-Training Quantization Based on Prediction Difference Metric
Python
39
star
34

MIM4D

MIM4D: Masked Modeling with Multi-View Video for Autonomous Driving Representation Learning
36
star
35

NeuSample

Code of "NeuSample: Neural Sample Field for Efficient View Synthesis"
Python
36
star
36

SAUNet

A Simple Adaptive Unfolding Network for Hyperspectral Image Reconstruction
Python
29
star
37

Query6DoF

Query6DoF: Learning Sparse Queries as Implicit Shape Prior for Category-Level 6DoF Pose Estimation
Python
25
star
38

HDR-HexPlane

3DV 2024: Fast High Dynamic Range Radiance Fields for Dynamic Scenes
Python
25
star
39

WeakSAM

WeakSAM: Segment Anything Meets Weakly-supervised Instance-level Recognition
Python
24
star
40

ViTGaze

Python
23
star
41

CircuitFormer

[NeurIPS 2023] CircuitFormer: Circuit as Set of Points
Python
23
star
42

EfficientPose

Cuda
20
star
43

MMIL-Transformer

Python
20
star
44

LSFA

Real-Time and Accurate Object Detection in Compressed Video by Long Short-term Feature Aggregation
Python
19
star
45

OpenInst

Python
14
star
46

BoxCaseg

Jupyter Notebook
14
star
47

mancs

Mancs: A multi-task attentional network with curriculum sampling for person re-identification
Python
12
star
48

RND-SCI

A Range-Null Space Decomposition Approach for Fast and Flexible Spectral Compressive Imaging
Python
10
star
49

DGCN

Python
9
star
50

PySA

Pyramid Self-Attention for Semantic Segmentation
8
star
51

EM-OLN

Python
7
star
52

BCF

Xinggang Wang, Bin Feng, Xiang Bai, Wenyu Liu, and Longin Jan Latecki. Bag of Contour Fragments for Robust Shape Classification. Pattern Recognition, Volume 47, Issue 6, June 2014, Pages 2116-2125.
MATLAB
6
star
53

DiG

Python
3
star
54

TOGS

The official code of "TOGS: Gaussian Splatting with Temporal Opacity Offset for Real-Time 4D DSA Rendering"
Python
2
star
55

tbcl

1
star
56

DeepTunel

Python
1
star