Adaptive Graph Convolution for Point Cloud Analysis

Overview

Adaptive Graph Convolution for Point Cloud Analysis

This repository contains the implementation of AdaptConv for point cloud analysis.

Adaptive Graph Convolution (AdaptConv) is a point cloud convolution operator presented in our ICCV2021 paper. If you find our work useful in your research, please cite our paper.

Installation

  • The code has been tested on one configuration:

    • PyTorch 1.1.0, CUDA 10.1
  • Install required packages:

    • numpy
    • h5py
    • scikit-learn
    • matplotlib

Classification

classification.md

Part Segmentation

part_segmentation.md

Indoor Segmentation

coming soon

Comments
  • The different between xyz and xyz2_feat2

    The different between xyz and xyz2_feat2

    Dear authors, I notice that adaptive_feature = 'xyz' is selected for training, but according to you paper, it is adaptive_feature = 'xyz2_feat2' that should be used. By the way, it seems that adaptive_feature = 'asmy' never be used, because you chose if self.feat_mode == 'asym': rather than if 'asym' in self.feat_mode: in the code, and I think adaptive_feature = 'asmy' can't be use for its own. Maybe I do not get your idea... Can you please evaluate whether what I said is correct?

    我注意到你们选择了 adaptive_feature = 'xyz' 进行训练,但根据你的论文,应该使用的是 adaptive_feature = 'xyz2_feat2'。还有个小问题,似乎从未使用过 adaptive_feature = 'asmy',因为您在代码中选择了 if self.feat_mode == 'asym': 而不是 if 'asym' in self.feat_mode:,因此我觉得 adaptive_feature = 'asmy' 不能单独使用(xyz和feat2就表示不了了)。也许我没很好地理解你们的想法......你能评估一下我说的是否正确吗?

    Thanks.

    Regards

    opened by yeminglang 2
  • Question about S3DIS

    Question about S3DIS

    Dear Haoran,

    Thanks for such excellent work.

    I got some questions about S3DIS semantic segmentation task.

    1. How many epochs do we need to train the model for the S3DIS semantic segmentation task?
    2. Can you please give me some suggestions for the model training on S3DIS?
    3. If it is possible that you share the trained model for S3DIS semantic segmentation task?

    I would be very grateful for your help and hope you have a nice day.

    Best Wishes, Haoran

    opened by haoranD 2
  • Annotations ERROR!!

    Annotations ERROR!!

    Many of the datasets in every Area files cannot be transformed, not only the previously mentioned one "Area_5/hallway_6/Annotations"! Can anyone give some advice?

    opened by jiezi1678458785 0
  • About questions in semantic segmentation

    About questions in semantic segmentation

    Dear author,

    Thanks for your such excellent work.I'm going to use the architectures of your model for scene segmentation on our data set.

    I got some questions about own data sets semantic segmentation task, When the model is being trained, it always gets the “Floating point exception(core dumped) ”and exits.

    I hope the author can help me solve this problem.

    e001-i0405 => L=0.507 acc= 77% / t(ms): 174.8 206.6 652.3) e001-i0415 => L=0.172 acc= 94% / t(ms): 175.0 197.6 634.6) e001-i0424 => L=0.280 acc= 88% / t(ms): 178.0 212.6 663.4) e001-i0433 => L=0.243 acc= 89% / t(ms): 184.6 238.5 742.1) e001-i0444 => L=0.508 acc= 81% / t(ms): 169.0 214.4 669.0) e001-i0455 => L=0.155 acc= 98% / t(ms): 167.2 200.8 623.6) e001-i0465 => L=0.289 acc= 87% / t(ms): 174.1 184.1 700.1) e001-i0476 => L=0.252 acc= 92% / t(ms): 180.9 223.2 689.1) e001-i0486 => L=0.187 acc= 94% / t(ms): 183.3 229.4 702.4) e001-i0496 => L=0.408 acc= 84% / t(ms): 177.2 194.4 725.5) Validation : 6.0% (timings : 93.59 91.53) Validation : 12.5% (timings : 154.77 138.18) Validation : 19.5% (timings : 167.47 157.46) Validation : 26.5% (timings : 173.43 170.19) Validation : 33.0% (timings : 180.49 182.67) Validation : 40.0% (timings : 188.73 183.80) Validation : 46.0% (timings : 199.89 195.97) Validation : 53.0% (timings : 193.20 194.36) Validation : 59.5% (timings : 196.38 194.34) Validation : 67.0% (timings : 190.50 174.29) Validation : 73.5% (timings : 189.48 186.74) Validation : 80.5% (timings : 184.58 190.03) Floating point exception(core dumped)

    Best Wishes, q-i-zhang

    opened by q-i-zhang 0
  • About the results of S3DIS pretrained model

    About the results of S3DIS pretrained model

    @hrzhou2 尊敬的作者您好,我跑了一下您提供的S3DIS数据集的pretrained model,在test上miou大概是59.99,低于您文章中的精度。但是我在您的模型上作出了修改,性能有一定的提升,想投文章,所以期待得到更好的结果,希望和您取得联系可以吗?我的qq:1253174115(不好意思网上提供微信不太安全),来自哈工大,期待您的回复!谢谢! @hrzhou2

    opened by yeminglang 0
  • error in S3DIS indoor segmentation

    error in S3DIS indoor segmentation

    Hello, dear author, after I downloaded the S3DIS data set, I encountered the following error when I was executing python train.py. I hope the author can help me solve this problem. 你好,亲爱的作者,我下载好S3DIS数据集后,当我在执行到python train.py的时候,我遇到了以下错误,希望作者能帮助我解决这个问题。 Cloud Area_4 - Room 21/49 : storage_4 Cloud Area_4 - Room 22/49 : hallway_13 Cloud Area_4 - Room 23/49 : storage_3 Cloud Area_4 - Room 24/49 : office_9 /home/lil/AdaptConv-master-main/sem_seg/datasets/S3DIS.py:678: UserWarning: loadtxt: Empty input file: "./data/Stanford3dDataset_v1.2/Area_4/office_9/Annotations/chair_3.txt" object_data = np.loadtxt(object_file, dtype=np.float32) Traceback (most recent call last): File "/home/lil/AdaptConv-master-main/sem_seg/train.py", line 766, in main() File "/home/lil/AdaptConv-master-main/sem_seg/train.py", line 226, in main training_dataset = S3DISDataset(config, args.dataset, set='training', use_potentials=True) File "/home/lil/AdaptConv-master-main/sem_seg/datasets/S3DIS.py", line 133, in init self.prepare_S3DIS_ply() File "/home/lil/AdaptConv-master-main/sem_seg/datasets/S3DIS.py", line 681, in prepare_S3DIS_ply cloud_points = np.vstack((cloud_points, object_data[:, 0:3].astype(np.float32))) IndexError: too many indices for array: array is 1-dimensional, but 2 were indexed

    Thanks

    opened by 1625368821 2
Owner
null
Point Cloud Denoising input segmentation output raw point-cloud valid/clear fog rain de-noised Abstract Lidar sensors are frequently used in environme

Point Cloud Denoising input segmentation output raw point-cloud valid/clear fog rain de-noised Abstract Lidar sensors are frequently used in environme

null 75 Nov 24, 2022
(CVPR 2021) PAConv: Position Adaptive Convolution with Dynamic Kernel Assembling on Point Clouds

PAConv: Position Adaptive Convolution with Dynamic Kernel Assembling on Point Clouds by Mutian Xu*, Runyu Ding*, Hengshuang Zhao, and Xiaojuan Qi. Int

CVMI Lab 228 Dec 25, 2022
Semantic Segmentation for Real Point Cloud Scenes via Bilateral Augmentation and Adaptive Fusion (CVPR 2021)

Semantic Segmentation for Real Point Cloud Scenes via Bilateral Augmentation and Adaptive Fusion (CVPR 2021) This repository is for BAAF-Net introduce

null 90 Dec 29, 2022
Style-based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021)

Style-based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021) An efficient PyTorch library for Point Cloud Completion.

Microsoft 119 Jan 2, 2023
Implementation of the "Point 4D Transformer Networks for Spatio-Temporal Modeling in Point Cloud Videos" paper.

Point 4D Transformer Networks for Spatio-Temporal Modeling in Point Cloud Videos Introduction Point cloud videos exhibit irregularities and lack of or

Hehe Fan 101 Dec 29, 2022
Synthetic LiDAR sequential point cloud dataset with point-wise annotations

SynLiDAR dataset: Learning From Synthetic LiDAR Sequential Point Cloud This is official repository of the SynLiDAR dataset. For technical details, ple

null 78 Dec 27, 2022
[ICCV 2021 Oral] SnowflakeNet: Point Cloud Completion by Snowflake Point Deconvolution with Skip-Transformer

This repository contains the source code for the paper SnowflakeNet: Point Cloud Completion by Snowflake Point Deconvolution with Skip-Transformer (ICCV 2021 Oral). The project page is here.

AllenXiang 65 Dec 26, 2022
An implementation of Video Frame Interpolation via Adaptive Separable Convolution using PyTorch

This work has now been superseded by: https://github.com/sniklaus/revisiting-sepconv sepconv-slomo This is a reference implementation of Video Frame I

Simon Niklaus 984 Dec 16, 2022
Facial Action Unit Intensity Estimation via Semantic Correspondence Learning with Dynamic Graph Convolution

FAU Implementation of the paper: Facial Action Unit Intensity Estimation via Semantic Correspondence Learning with Dynamic Graph Convolution. Yingruo

Evelyn 78 Nov 29, 2022
Implementation for Simple Spectral Graph Convolution in ICLR 2021

Simple Spectral Graph Convolutional Overview This repo contains an example implementation of the Simple Spectral Graph Convolutional (S^2GC) model. Th

allenhaozhu 64 Dec 31, 2022
[ICCV2021] Official code for "Channel-wise Topology Refinement Graph Convolution for Skeleton-Based Action Recognition"

CTR-GCN This repo is the official implementation for Channel-wise Topology Refinement Graph Convolution for Skeleton-Based Action Recognition. The pap

Yuxin Chen 148 Dec 16, 2022
Key information extraction from invoice document with Graph Convolution Network

Key Information Extraction from Scanned Invoices Key information extraction from invoice document with Graph Convolution Network Related blog post fro

Phan Hoang 39 Dec 16, 2022
Code for "PV-RAFT: Point-Voxel Correlation Fields for Scene Flow Estimation of Point Clouds", CVPR 2021

PV-RAFT This repository contains the PyTorch implementation for paper "PV-RAFT: Point-Voxel Correlation Fields for Scene Flow Estimation of Point Clou

Yi Wei 43 Dec 5, 2022
Unofficial implementation of Point-Unet: A Context-Aware Point-Based Neural Network for Volumetric Segmentation

Point-Unet This is an unofficial implementation of the MICCAI 2021 paper Point-Unet: A Context-Aware Point-Based Neural Network for Volumetric Segment

Namt0d 9 Dec 7, 2022
Point-NeRF: Point-based Neural Radiance Fields

Point-NeRF: Point-based Neural Radiance Fields Project Sites | Paper | Primary c

Qiangeng Xu 662 Jan 1, 2023
Not All Points Are Equal: Learning Highly Efficient Point-based Detectors for 3D LiDAR Point Clouds (CVPR 2022, Oral)

Not All Points Are Equal: Learning Highly Efficient Point-based Detectors for 3D LiDAR Point Clouds (CVPR 2022, Oral) This is the official implementat

Yifan Zhang 259 Dec 25, 2022
Pytorch implementation of PCT: Point Cloud Transformer

PCT: Point Cloud Transformer This is a Pytorch implementation of PCT: Point Cloud Transformer.

Yi_Zhang 265 Dec 22, 2022
Jittor implementation of PCT:Point Cloud Transformer

PCT: Point Cloud Transformer This is a Jittor implementation of PCT: Point Cloud Transformer.

MenghaoGuo 547 Jan 3, 2023
Official implementation of YOGO for Point-Cloud Processing

You Only Group Once: Efficient Point-Cloud Processing with Token Representation and Relation Inference Module By Chenfeng Xu, Bohan Zhai, Bichen Wu, T

Chenfeng Xu 67 Dec 20, 2022