• Stars
    star
    617
  • Rank 72,244 (Top 2 %)
  • Language
    Python
  • License
    MIT License
  • Created over 3 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

Point Transformers

Pytorch Implementation of Various Point Transformers

Recently, various methods applied transformers to point clouds: PCT: Point Cloud Transformer (Meng-Hao Guo et al.), Point Transformer (Nico Engel et al.), Point Transformer (Hengshuang Zhao et al.). This repo is a pytorch implementation for these methods and aims to compare them under a fair setting. Currently, all three methods are implemented, while tuning their hyperparameters.

Classification

Data Preparation

Download alignment ModelNet here and save in modelnet40_normal_resampled.

Run

Change which method to use in config/cls.yaml and run

python train_cls.py

Results

Using Adam with learning rate decay 0.3 for every 50 epochs, train for 200 epochs; data augmentation follows this repo. For Hengshuang and Nico, initial LR is 1e-3 (I would appreciate if someone could fine-tune these hyper-paramters); for Menghao, initial LR is 1e-4, as suggested by the author. ModelNet40 classification results (instance average) are listed below:

Model Accuracy
Hengshuang 91.7
Menghao 92.6
Nico 85.5

Part Segmentation

Data Preparation

Download alignment ShapeNet here and save in data/shapenetcore_partanno_segmentation_benchmark_v0_normal.

Run

Change which method to use in config/partseg.yaml and run

python train_partseg.py

Results

Currently only Hengshuang's method is implemented.

Miscellaneous

Some code and training settings are borrowed from https://github.com/yanx27/Pointnet_Pointnet2_pytorch. Code for PCT: Point Cloud Transformer (Meng-Hao Guo et al.) is adapted from the author's Jittor implementation https://github.com/MenghaoGuo/PCT.

More Repositories

1

doudizhu-C

C++/python fight the lord with pybind11 (强化学习AI斗地主), Accepted to AIIDE-2020
Python
158
star
2

KeypointNet

KeypointNet: A Large-scale 3D Keypoint Dataset Aggregated from Numerous Human Annotations (CVPR2020)
Python
151
star
3

VoteNet

Deep Hough Voting for 3D Object Detection in Point Clouds (https://arxiv.org/abs/1904.09664)
Python
141
star
4

PRIN

Pointwise Rotation-Invariant Network (AAAI 2020)
Python
85
star
5

UKPGAN

UKPGAN: A General Self-Supervised Keypoint Detector (CVPR2022)
Python
64
star
6

CPPF

CPPF: Towards Robust Category-Level 9D Pose Estimation in the Wild (CVPR2022)
Jupyter Notebook
48
star
7

CanonicalVoting

Canonical Voting: Towards Robust Oriented Bounding Box Detection in 3D Scenes (CVPR2022)
Python
46
star
8

cs231n

cs231n assignments
Python
35
star
9

SPRIN

PRIN/SPRIN: On Extracting Point-wise Rotation Invariant Features
Python
23
star
10

CPPF2

6D Pose Estimation in the Wild
Jupyter Notebook
21
star
11

Mahjong

Python 图形化麻将游戏 (带蒙特卡洛AI)
Java
19
star
12

RealTimeTrack

A fast algorithm tracking real time deformable planers
C++
19
star
13

Panoroma

Fully C++ implementation of "Automatic Panoramic Image Stitching using Invariant Features"
C++
16
star
14

multi-stage-detection

Tensorflow implementation of "MULTI-STAGE REINFORCEMENT LEARNING FOR OBJECT DETECTION"
Python
15
star
15

PACE

Python
13
star
16

SemanticTransfer

Code repo for the paper "Semantic Correspondence via 2D-3D-2D Cycle"
Python
12
star
17

PatchMatchStereo

https://www.microsoft.com/en-us/research/wp-content/uploads/2011/01/PatchMatchStereo_BMVC2011_6MB.pdf
Python
10
star
18

doudizhu-tornado

Python
9
star
19

CSVAE

Python
8
star
20

FightTheLord

斗地主python命令行版
Python
7
star
21

deblur

Two-Phase Kernel Estimation for Robust Motion Deblurring
Python
7
star
22

Collaborative-Learning

Tensorflow implementation of "Collaborative Learning for Deep Neural Networks"
Python
7
star
23

VideoView

The android Video system
Java
5
star
24

OneLoc

OneLoc: One-Shot General Object Localization
Cuda
5
star
25

QENet

Quaternion Equivariant Capsule Networks for 3D Point Clouds
Python
5
star
26

mask-rcnn

tiny-mask-rcnn-tensorflow
Python
5
star
27

Perception3D

Python
4
star
28

ObjSimplifier

Open-source C++ Obj Simplifier implementing "Surface Simplification Using Quadric Error Metrics" 1997
C++
4
star
29

DanmukuTools

in the future, I decide to write some danmuku js tools for bilibiliers to use.
JavaScript
3
star
30

KdNet-Tensorflow

KdNet
Python
3
star
31

DeHaze

Matlab implementation of "Single Image Haze Removal Using Dark Channel Prior"
MATLAB
3
star
32

DSO-iOS

Direct Sparse Odometry for iOS
C++
3
star
33

TSDF-from-Depth

C++
3
star
34

CudaRenderer

A Cuda Renderer in C++ style using PBRT
Cuda
3
star
35

SLAM-MaskRCNN

Jupyter Notebook
3
star
36

OctConv

Tensorflow implementation on OctConv https://arxiv.org/pdf/1904.05049.pdf
Python
3
star
37

enumlator

超级斗地主模拟器
Python
2
star
38

AAE

Adversarial Autoencoders (https://arxiv.org/pdf/1511.05644.pdf)
Python
2
star
39

DoomRL

This is for Doom using Reinforcement Learning
Python
2
star
40

Visual-Question-Answering

Deep Learning solving VQA with Pytorch
Jupyter Notebook
2
star
41

Cycle-W-GAN

Cycle-GAN using Wasserstein distance
Python
2
star
42

DeepLearningKitForiOS

Swift
2
star
43

algorithm-snippets

algorithms across many fields, some small experiments giving the idea how the algorithm works
Python
1
star
44

GrabCut

GrabCut in C++
C++
1
star
45

DanmuEngine

Danmu Engine, nothing is impossible
JavaScript
1
star
46

Lianliankan

C++
1
star
47

Butterfly

For butterfly detection
Python
1
star
48

cuda-renderer

cuda_renderer
Cuda
1
star
49

doudizhu-baseline

C++
1
star
50

Sketch-WGAN

Python
1
star
51

Coursera-Algorithm-II

Princeton course
Java
1
star
52

SfM

Python
1
star
53

GeometricProcessing3D

C++
1
star
54

mpm

MPM playground
C++
1
star
55

cs348b

C++
1
star