Superpoint Transformer Save

Official PyTorch implementation of Superpoint Transformer introduced in [ICCV'23] "Efficient 3D Semantic Segmentation with Superpoint Transformer" and SuperCluster introduced in [3DV'24 Oral] "Scalable 3D Panoptic Segmentation As Superpoint Graph Clustering"

Project README

Superpoint Transformer

python pytorch lightning hydra license

Official implementation for

Efficient 3D Semantic Segmentation with Superpoint Transformer (ICCV 2023)
arXiv DOI Project page

Scalable 3D Panoptic Segmentation As Superpoint Graph Clustering (3DV 2024 Oral)
arXiv DOI Project page

If you ❀️ or use this project, don't forget to give it a ⭐, it means a lot to us !

@article{robert2023spt,
  title={Efficient 3D Semantic Segmentation with Superpoint Transformer},
  author={Robert, Damien and Raguet, Hugo and Landrieu, Loic},
  journal={Proceedings of the IEEE/CVF International Conference on Computer Vision},
  year={2023}
}
@article{robert2024scalable,
  title={Scalable 3D Panoptic Segmentation as Superpoint Graph Clustering},
  author={Robert, Damien and Raguet, Hugo and Landrieu, Loic},
  journal={Proceedings of the IEEE International Conference on 3D Vision},
  year={2024}
}

πŸ“Œ Description

Superpoint Transformer

Superpoint Transformer (SPT) is a superpoint-based transformer πŸ€– architecture that efficiently ⚑ performs semantic segmentation on large-scale 3D scenes. This method includes a fast algorithm that partitions 🧩 point clouds into a hierarchical superpoint structure, as well as a self-attention mechanism to exploit the relationships between superpoints at multiple scales.

✨ SPT in numbers ✨
πŸ“Š SOTA on S3DIS 6-Fold (76.0 mIoU)
πŸ“Š SOTA on KITTI-360 Val (63.5 mIoU)
πŸ“Š Near SOTA on DALES (79.6 mIoU)
πŸ¦‹ 212k parameters (PointNeXt Γ· 200, Stratified Transformer Γ· 40)
⚑ S3DIS training in 3h on 1 GPU (PointNeXt ÷ 7, Stratified Transformer ÷ 70)
⚑ Preprocessing x7 faster than SPG

PWC PWC PWC

SuperCluster

SuperCluster is a superpoint-based architecture for panoptic segmentation of (very) large 3D scenes 🐘 based on SPT. We formulate the panoptic segmentation task as a scalable superpoint graph clustering task. To this end, our model is trained to predict the input parameters of a graph optimization problem whose solution is a panoptic segmentation πŸ’‘. This formulation allows supervising our model with per-node and per-edge objectives only, circumventing the need for computing an actual panoptic segmentation and associated matching issues at train time. At inference time, our fast parallelized algorithm solves the small graph optimization problem, yielding object instances πŸ‘₯. Due to its lightweight backbone and scalable formulation, SuperCluster can process scenes of unprecedented scale at once, on a single GPU πŸš€, with fewer than 1M parameters πŸ¦‹.

✨ SuperCluster in numbers ✨
πŸ“Š SOTA on S3DIS 6-Fold (55.9 PQ)
πŸ“Š SOTA on S3DIS Area 5 (50.1 PQ)
πŸ“Š SOTA on ScanNet Val (58.7 PQ)
πŸ“Š FIRST on KITTI-360 Val (48.3 PQ)
πŸ“Š FIRST on DALES (61.2 PQ)
πŸ¦‹ 212k parameters (PointGroup Γ· 37)
⚑ S3DIS training in 4h on 1 GPU
⚑ 7.8km² tile of 18M points in 10.1s on 1 GPU

PWC PWC PWC PWC PWC


πŸ“° Updates


πŸ’» Environment requirements

This project was tested with:

  • Linux OS
  • 64G RAM
  • NVIDIA GTX 1080 Ti 11G, NVIDIA V100 32G, NVIDIA A40 48G
  • CUDA 11.8 and 12.1
  • conda 23.3.1

πŸ— Installation

Simply run install.sh to install all dependencies in a new conda environment named spt.

# Creates a conda env named 'spt' env and installs dependencies
./install.sh

Note: See the Datasets page for setting up your dataset path and file structure.


πŸ”© Project structure

└── superpoint_transformer
    β”‚
    β”œβ”€β”€ configs                   # Hydra configs
    β”‚   β”œβ”€β”€ callbacks                 # Callbacks configs
    β”‚   β”œβ”€β”€ data                      # Data configs
    β”‚   β”œβ”€β”€ debug                     # Debugging configs
    β”‚   β”œβ”€β”€ experiment                # Experiment configs
    β”‚   β”œβ”€β”€ extras                    # Extra utilities configs
    β”‚   β”œβ”€β”€ hparams_search            # Hyperparameter search configs
    β”‚   β”œβ”€β”€ hydra                     # Hydra configs
    β”‚   β”œβ”€β”€ local                     # Local configs
    β”‚   β”œβ”€β”€ logger                    # Logger configs
    β”‚   β”œβ”€β”€ model                     # Model configs
    β”‚   β”œβ”€β”€ paths                     # Project paths configs
    β”‚   β”œβ”€β”€ trainer                   # Trainer configs
    β”‚   β”‚
    β”‚   β”œβ”€β”€ eval.yaml                 # Main config for evaluation
    β”‚   └── train.yaml                # Main config for training
    β”‚
    β”œβ”€β”€ data                      # Project data (see docs/datasets.md)
    β”‚
    β”œβ”€β”€ docs                      # Documentation
    β”‚
    β”œβ”€β”€ logs                      # Logs generated by hydra and lightning loggers
    β”‚
    β”œβ”€β”€ media                     # Media illustrating the project
    β”‚
    β”œβ”€β”€ notebooks                 # Jupyter notebooks
    β”‚
    β”œβ”€β”€ scripts                   # Shell scripts
    β”‚
    β”œβ”€β”€ src                       # Source code
    β”‚   β”œβ”€β”€ data                      # Data structure for hierarchical partitions
    β”‚   β”œβ”€β”€ datamodules               # Lightning DataModules
    β”‚   β”œβ”€β”€ datasets                  # Datasets
    β”‚   β”œβ”€β”€ dependencies              # Compiled dependencies
    β”‚   β”œβ”€β”€ loader                    # DataLoader
    β”‚   β”œβ”€β”€ loss                      # Loss
    β”‚   β”œβ”€β”€ metrics                   # Metrics
    β”‚   β”œβ”€β”€ models                    # Model architecture
    β”‚   β”œβ”€β”€ nn                        # Model building blocks
    β”‚   β”œβ”€β”€ optim                     # Optimization 
    β”‚   β”œβ”€β”€ transforms                # Functions for transforms, pre-transforms, etc
    β”‚   β”œβ”€β”€ utils                     # Utilities
    β”‚   β”œβ”€β”€ visualization             # Interactive visualization tool
    β”‚   β”‚
    β”‚   β”œβ”€β”€ eval.py                   # Run evaluation
    β”‚   └── train.py                  # Run training
    β”‚
    β”œβ”€β”€ tests                     # Tests of any kind
    β”‚
    β”œβ”€β”€ .env.example              # Example of file for storing private environment variables
    β”œβ”€β”€ .gitignore                # List of files ignored by git
    β”œβ”€β”€ .pre-commit-config.yaml   # Configuration of pre-commit hooks for code formatting
    β”œβ”€β”€ install.sh                # Installation script
    β”œβ”€β”€ LICENSE                   # Project license
    └── README.md

Note: See the Datasets page for further details on `data/``.

Note: See the Logs page for further details on `logs/``.


πŸš€ Usage

Datasets

See the Datasets page to set up your datasets.

Evaluation

Use the following command structure for evaluating our models from a checkpoint file checkpoint.ckpt, where <task> should be semantic for using SPT and panoptic for using SuperCluster:

# Evaluate for <task> segmentation on <dataset>
python src/eval.py experiment=<task>/<dataset> ckpt_path=/path/to/your/checkpoint.ckpt

Some examples:

# Evaluate SPT on S3DIS Fold 5
python src/eval.py experiment=semantic/s3dis datamodule.fold=5 ckpt_path=/path/to/your/checkpoint.ckpt

# Evaluate SPT on KITTI-360 Val
python src/eval.py experiment=semantic/kitti360  ckpt_path=/path/to/your/checkpoint.ckpt 

# Evaluate SPT on DALES
python src/eval.py experiment=semantic/dales ckpt_path=/path/to/your/checkpoint.ckpt

# Evaluate SuperCluster on S3DIS Fold 5
python src/eval.py experiment=panoptic/s3dis datamodule.fold=5 ckpt_path=/path/to/your/checkpoint.ckpt

# Evaluate SuperCluster on S3DIS Fold 5 with {wall, floor, ceiling} as 'stuff'
python src/eval.py experiment=panoptic/s3dis_with_stuff datamodule.fold=5 ckpt_path=/path/to/your/checkpoint.ckpt

# Evaluate SuperCluster on ScanNet Val
python src/eval.py experiment=panoptic/scannet ckpt_path=/path/to/your/checkpoint.ckpt

# Evaluate SuperCluster on KITTI-360 Val
python src/eval.py experiment=panoptic/kitti360  ckpt_path=/path/to/your/checkpoint.ckpt 

# Evaluate SuperCluster on DALES
python src/eval.py experiment=panoptic/dales ckpt_path=/path/to/your/checkpoint.ckpt

Note:

The pretrained weights of the SPT and SPT-nano models for S3DIS 6-Fold, KITTI-360 Val, and DALES are available at:

DOI

The pretrained weights of the SuperCluster models for S3DIS 6-Fold, S3DIS 6-Fold with stuff, ScanNet Val,, KITTI-360 Val, and DALES are available at:

DOI

Training

Use the following command structure for train our models on a 32G-GPU, where <task> should be semantic for using SPT and panoptic for using SuperCluster:

# Train for <task> segmentation on <dataset>
python src/train.py experiment=<task>/<dataset>

Some examples:

# Train SPT on S3DIS Fold 5
python src/train.py experiment=semantic/s3dis datamodule.fold=5

# Train SPT on KITTI-360 Val
python src/train.py experiment=semantic/kitti360 

# Train SPT on DALES
python src/train.py experiment=semantic/dales

# Train SuperCluster on S3DIS Fold 5
python src/train.py experiment=panoptic/s3dis datamodule.fold=5

# Train SuperCluster on S3DIS Fold 5 with {wall, floor, ceiling} as 'stuff'
python src/train.py experiment=panoptic/s3dis_with_stuff datamodule.fold=5

# Train SuperCluster on ScanNet Val
python src/train.py experiment=panoptic/scannet

# Train SuperCluster on KITTI-360 Val
python src/train.py experiment=panoptic/kitti360 

# Train SuperCluster on DALES
python src/train.py experiment=panoptic/dales

Use the following to train on a 11G-GPU πŸ’Ύ (training time and performance may vary):

# Train SPT on S3DIS Fold 5
python src/train.py experiment=semantic/s3dis_11g datamodule.fold=5

# Train SPT on KITTI-360 Val
python src/train.py experiment=semantic/kitti360_11g 

# Train SPT on DALES
python src/train.py experiment=semantic/dales_11g

# Train SuperCluster on S3DIS Fold 5
python src/train.py experiment=panoptic/s3dis_11g datamodule.fold=5

# Train SuperCluster on S3DIS Fold 5 with {wall, floor, ceiling} as 'stuff'
python src/train.py experiment=panoptic/s3dis_with_stuff_11g datamodule.fold=5

# Train SuperCluster on ScanNet Val
python src/train.py experiment=panoptic/scannet_11g

# Train SuperCluster on KITTI-360 Val
python src/train.py experiment=panoptic/kitti360_11g 

# Train SuperCluster on DALES
python src/train.py experiment=panoptic/dales_11g

Note: Encountering CUDA Out-Of-Memory errors πŸ’€πŸ’Ύ ? See our dedicated troubleshooting section.

Note: Other ready-to-use configs are provided in configs/experiment/. You can easily design your own experiments by composing configs:

# Train Nano-3 for 50 epochs on DALES
python src/train.py datamodule=dales model=nano-3 trainer.max_epochs=50

See Lightning-Hydra for more information on how the config system works and all the awesome perks of the Lightning+Hydra combo.

Note: By default, your logs will automatically be uploaded to Weights and Biases, from where you can track and compare your experiments. Other loggers are available in configs/logger/. See Lightning-Hydra for more information on the logging options.

PyTorch Lightning predict()

Both SPT and SuperCluster inherit from LightningModule and implement predict_step(), which permits using PyTorch Lightning's Trainer.predict() mechanism.

from src.models.semantic import SemanticSegmentationModule
from src.datamodules.s3dis import S3DISDataModule
from pytorch_lightning import Trainer

# Predict behavior for semantic segmentation on S3DIS
dataloader = S3DISDataModule(...)
model = SemanticSegmentationModule(...)
trainer = Trainer(...)
batch, output = trainer.predict(model=model, dataloaders=dataloader)

This, however, still requires you to instantiate a Trainer, a DataLoader, and a model with relevant parameters.

For a little more simplicity, all our datasets inherit from LightningDataModule and implement predict_dataloader() by pointing to their corresponding test set by default. This permits directly passing a datamodule to PyTorch Lightning's Trainer.predict() without explicitly instantiating a DataLoader.

from src.models.semantic import SemanticSegmentationModule
from src.datamodules.s3dis import S3DISDataModule
from pytorch_lightning import Trainer

# Predict behavior for semantic segmentation on S3DIS
datamodule = S3DISDataModule(...)
model = SemanticSegmentationModule(...)
trainer = Trainer(...)
batch, output = trainer.predict(model=model, datamodule=datamodule)

For more details on how to instantiate these, as well as the output format of our model, we strongly encourage you to play with our demo notebook and have a look at the src/eval.py script.

Full-resolution predictions

By design, our models only need to produce predictions for the superpoints of the $P_1$ partition level during training. All our losses and metrics are formulated as superpoint-wise objectives. This conveniently saves compute and memory at training and evaluation time.

At inference time, however, we often need the predictions on the voxels of the $P_0$ partition level or on the full-resolution input point cloud. To this end, we provide helper functions to recover voxel-wise and full-resolution predictions.

See our demo notebook for more details on these.

Parameterizing SuperCluster graph clustering

One specificity of SuperCluster is that the model is not trained to explicitly do panoptic segmentation, but to predict the input parameters of a superpoint graph clustering problem whose solution is a panoptic segmentation.

For this reason, the hyperparameters for this graph optimization problem are selected after training, with a grid search on the training or validation set. We find that fairly similar hyperparameters yield the best performance on all our datasets (see our paper's appendix). Yet, you may want to explore these hyperparameters for your own dataset. To this end, see our demo notebook for parameterizing the panoptic segmentation.

Notebooks & visualization

We provide notebooks to help you get started with manipulating our core data structures, configs loading, dataset and model instantiation, inference on each dataset, and visualization.

In particular, we created an interactive visualization tool ✨ which can be used to produce shareable HTMLs. Demos of how to use this tool are provided in the notebooks. Additionally, examples of such HTML files are provided in media/visualizations.7z


πŸ“š Documentation

  • README - General introduction to the project
  • Data - Introduction to NAG and Data, the core data structures of this project
  • Datasets - Introduction to Datasets and the project's data/ structure
  • Logging - Introduction to logging and the project's logs/ structure

Note: We endeavoured to comment our code as much as possible to make this project usable. Still, if you find some parts are unclear or some more documentation would be needed, feel free to let us know by creating an issue !


πŸ‘©β€πŸ”§ Troubleshooting

Here are some common issues and tips for tackling them.

SPT or SuperCluster on an 11G-GPU

Our default configurations are designed for a 32G-GPU. Yet, SPT and SuperCluster can run on an 11G-GPU πŸ’Ύ, with minor time and performance variations.

We provide configs in configs/experiment/semantic for training SPT on an 11G-GPU πŸ’Ύ:

# Train SPT on S3DIS Fold 5
python src/train.py experiment=semantic/s3dis_11g datamodule.fold=5

# Train SPT on KITTI-360 Val
python src/train.py experiment=semantic/kitti360_11g 

# Train SPT on DALES
python src/train.py experiment=semantic/dales_11g

Similarly, we provide configs in configs/experiment/panoptic for training SuperCluster on an 11G-GPU πŸ’Ύ:

# Train SuperCluster on S3DIS Fold 5
python src/train.py experiment=panoptic/s3dis_11g datamodule.fold=5

# Train SuperCluster on S3DIS Fold 5 with {wall, floor, ceiling} as 'stuff'
python src/train.py experiment=panoptic/s3dis_with_stuff_11g datamodule.fold=5

# Train SuperCluster on ScanNet Val
python src/train.py experiment=panoptic/scannet_11g

# Train SuperCluster on KITTI-360 Val
python src/train.py experiment=panoptic/kitti360_11g 

# Train SuperCluster on DALES
python src/train.py experiment=panoptic/dales_11g

CUDA Out-Of-Memory Errors

Having some CUDA OOM errors πŸ’€πŸ’Ύ ? Here are some parameters you can play with to mitigate GPU memory use, based on when the error occurs.

Parameters affecting CUDA memory.

Legend: 🟑 Preprocessing | πŸ”΄ Training | 🟣 Inference (including validation and testing during training)

Parameter Description When
datamodule.xy_tiling Splits dataset tiles into xy_tiling^2 smaller tiles, based on a regular XY grid. Ideal square-shaped tiles à la DALES. Note this will affect the number of training steps. 🟑🟣
datamodule.pc_tiling Splits dataset tiles into 2^pc_tiling smaller tiles, based on a their principal component. Ideal for varying tile shapes à la S3DIS and KITTI-360. Note this will affect the number of training steps. 🟑🟣
datamodule.max_num_nodes Limits the number of $P_1$ partition nodes/superpoints in the training batches. πŸ”΄
datamodule.max_num_edges Limits the number of $P_1$ partition edges in the training batches. πŸ”΄
datamodule.voxel Increasing voxel size will reduce preprocessing, training and inference times but will reduce performance. πŸŸ‘πŸ”΄πŸŸ£
datamodule.pcp_regularization Regularization for partition levels. The larger, the fewer the superpoints. πŸŸ‘πŸ”΄πŸŸ£
datamodule.pcp_spatial_weight Importance of the 3D position in the partition. The smaller, the fewer the superpoints. πŸŸ‘πŸ”΄πŸŸ£
datamodule.pcp_cutoff Minimum superpoint size. The larger, the fewer the superpoints. πŸŸ‘πŸ”΄πŸŸ£
datamodule.graph_k_max Maximum number of adjacent nodes in the superpoint graphs. The smaller, the fewer the superedges. πŸŸ‘πŸ”΄πŸŸ£
datamodule.graph_gap Maximum distance between adjacent superpoints int the superpoint graphs. The smaller, the fewer the superedges. πŸŸ‘πŸ”΄πŸŸ£
datamodule.graph_chunk Reduce to avoid OOM when RadiusHorizontalGraph preprocesses the superpoint graph. 🟑
datamodule.dataloader.batch_size Controls the number of loaded tiles. Each train batch is composed of batch_size*datamodule.sample_graph_k spherical samplings. Inference is performed on entire validation and test tiles, without spherical sampling. πŸ”΄πŸŸ£
datamodule.sample_segment_ratio Randomly drops a fraction of the superpoints at each partition level. πŸ”΄
datamodule.sample_graph_k Controls the number of spherical samples in the train batches. πŸ”΄
datamodule.sample_graph_r Controls the radius of spherical samples in the train batches. Set to sample_graph_r<=0 to use the entire tile without spherical sampling. πŸ”΄
datamodule.sample_point_min Controls the minimum number of $P_0$ points sampled per superpoint in the train batches. πŸ”΄
datamodule.sample_point_max Controls the maximum number of $P_0$ points sampled per superpoint in the train batches. πŸ”΄
callbacks.gradient_accumulator.scheduling Gradient accumulation. Can be used to train with smaller batches, with more training steps. πŸ”΄


πŸ’³ Credits


Citing our work

If your work uses all or part of the present code, please include the following a citation:

@article{robert2023spt,
  title={Efficient 3D Semantic Segmentation with Superpoint Transformer},
  author={Robert, Damien and Raguet, Hugo and Landrieu, Loic},
  journal={Proceedings of the IEEE/CVF International Conference on Computer Vision},
  year={2023}
}

@article{robert2024scalable,
  title={Scalable 3D Panoptic Segmentation as Superpoint Graph Clustering},
  author={Robert, Damien and Raguet, Hugo and Landrieu, Loic},
  journal={Proceedings of the IEEE International Conference on 3D Vision},
  year={2024}
}

You can find our SPT paper πŸ“„ and SuperCluster paper πŸ“„ on arxiv.

Also, if you ❀️ or use this project, don't forget to give it a ⭐, it means a lot to us !

Open Source Agenda is not affiliated with "Superpoint Transformer" Project. README Source: drprojects/superpoint_transformer

Open Source Agenda Badge

Open Source Agenda Rating