Back

Point clouds

What are Point Clouds?

Point clouds depict objects, terrain or space. A set of points where each X, Y, and Z coordinate group represent a single point on a sampled surface. Colour, material, and other attributes may also be attached. LiDAR (light detection and ranging) is most commonly used to create point clouds, where each dot represents a laser scan result. Using so called registration, these scans are stitched together to provide a full scene capture. Furthermore, several single spatial observations or scenes may also be combined into a single unified point cloud dataset. Conversely, point clouds can be generated algorithmically as well.

Point clouds are popular among surveyors as those are the direct raw outcome of scan results. Can be easily edited, displayed, and filtered using open source or commercial software tools.

Detailed scans of a region are obtained using unmanned aerial vehicles or global navigation satellite systems with handheld or terrestrial scanners. This generates 3D points in the level of hundreds of millions to billions (or even trillions).

Challenges

It is difficult, if not impossible, to exchange data generated by a thorough scan of a whole region since the data generated is too large for most computers and hard drives.

Point clouds also face the nearest neighbour challenge in physics and light transport models and rendering workflows. Spatial acceleration grids can drastically speed up their processing.

Converting to 3D surfaces

Point clouds can be converted to 3D meshes by plane fitting, triangulation, or the marching cubes technique (via distance fields), to say a few examples. The classic 3D mesh format output is compatible with several existing frameworks of the CGI and computer gaming industries. Warning: potential loss of volumetric detail. In crowded situations with complicated geometry, the advantage of polygon representation over raw points is minimal. Scenes with hundreds of millions of polygons re-introduce acceleration grids to bring down processing time.

Resources (open source)

Back to Hub

#
code
description / paper / conference
language
framework
license
tags
1
3D Machine Learning
12/08/2017
this week
A resource repository for 3D machine learning
3d 3d-reconstruction constructive-solid-geometries neural-networks mesh papers primitives voxels
2
PCL
12/02/2013
this week
Point Cloud Library (PCL)
C++
Other
computer-vision pcl
3
Draco
05/12/2016
this week
Draco is a library for compressing and decompressing 3D geometric meshes and point clouds. It is intended to improve the storage and transmission of 3D graphics.
C++
3d-graphics compression mesh
4
Pointnet
31/01/2017
this week
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
Python
Tensorflow
Other
classification geometry-processing neural-networks segmentation
5
ODM
25/09/2014
this week
A command line toolkit to generate maps, point clouds, 3D models and DEMs from drone, balloon or kite images.
Python
aerial-imagery drone photogrammetry structure-from-motion uas
6
Awesome point cloud analysis
24/04/2019
this week
A list of papers and datasets about point cloud analysis (processing)
Tensorflow
3d-graphics 3d-reconstruction point-cloud-registration 3d-representation point-cloud-classification point-cloud-dataset point-cloud-detection point-cloud-processing point-cloud-recognition point-cloud-segmentation point-set-registration
7
CGAL
01/10/2014
this week
The public CGAL repository, see the README below
C++
Other
algorithms arrange boolean-operations cgal computational-geometry geometry geometry-processing library mesh-processing meshes polygon template-library triangulation voronoi-diagram
8
Meshlab
07/11/2016
this week
The open source mesh processing system
C++
3d 3d-models 3d-printing 3d-reconstruction 3d-scanning mesh mesh-editing mesh-generation mesh-processing mesh-simplification triangle-mesh
9
 From Points to Parts: 3D Object Detection from Point Cloud with Part aware and Part aggregation Network  Shaoshuai Shi, Hongsheng Li, Zhe Wang, Xiaogang Wang, Jianping Shi
3D object detection from LiDAR point cloud is a challenging problem in 3D scene understanding and has many practical applications. In this paper, we extend our preliminary work PointRCNN to a novel and...
Pytorch
10
OpenPCDet
14/03/2020
this week
OpenPCDet Toolbox for LiDAR based 3D Object Detection.
Python
Pytorch
3d-detection autonomous-driving object-detection pv-rcnn
11
Pointnet2
31/08/2017
this week
PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space
Python
Other
3d-shape classification neural-networks segmentation
12
Mmdetection3D
08/07/2020
this week
OpenMMLab's next generation platform for general 3D object detection.
Python
Pytorch
3d-object-detection object-detection
13
CloudCompare
06/11/2012
this week
CloudCompare main repository
C++
Other
14
Awesome robotic tooling
24/10/2019
this week
Tooling for professional robotic development in C++ and Python with a touch of ROS, autonomous driving and aerospace.
Python
aerospace neural-networks automotive autonomous-driving awesome awesome-list c++ lidar mapping robotics ros ros2 self-driving-car slam
15
OpenMVS
18/05/2015
this week
Open Multi View Stereo reconstruction library
C++
Other
3d-reconstruction dense-point-cloud dense-reconstruction mesh multi multi-view-stereo openmvs refinement semi-global-matching sgm stereo stereo-matching stereo-reconstruction-library stereo-vision surface texture
16
 Torch Points3D: A Modular Multi Task Frameworkfor Reproducible Deep Learning on 3D Point Clouds  Loic Landrieu, Sofiane Horache, Nicolas Chaulet, Thomas Chaton
We introduce Torch-Points3D, an open-source framework designed to facilitate the use of deep networks on3D data. Its modular design, efficient implementation, and user-friendly interfaces make it a relevant...
Pytorch
17
Torch points3D
06/12/2019
this week
Pytorch framework for doing deep learning on point clouds.
Python
Pytorch
Other
neural-networks kpconv minkowskiengine pointnet s3dis scannet segmentation
18
WebODM
08/08/2016
this week
User friendly, commercial grade software for processing aerial imagery.
Javascript
drone maps photogrammetry uav
19
Awesome visual SLAM
11/07/2016
this week
Books: The list of vision based SLAM / Visual Odometry open source, blogs, and papers
books computervision learning reconstruction ros slam
20
Pointnet Pointnet2 Pytorch
04/03/2019
this week
PointNet and PointNet++ implemented by Pytorch (pure Python) and on ModelNet, ShapeNet and S3DIS.
Python
Pytorch
classification modelnet pointnet pointnet2 s3dis segmentation shapenet visualization
21
3D tiles
05/06/2015
this week
Specification for streaming massive heterogeneous 3D geospatial datasets :earth americas:
Batchfile
3d-models 3d-tiles geospatial gis gltf ogc photogrammetry spatial-data specification terrain vector-data
22
Votenet
17/08/2019
this week
Deep Hough Voting for 3D Object Detection in Point Clouds
Python
3d neural-networks object-detection robotics voting
23
Frustum pointnets
05/04/2018
this week
Frustum PointNets for 3D Object Detection from RGB D Data
Python
3d neural-networks object-detection robotics
24
Hdl graph SLAM
01/01/2018
this week
3D LiDAR based Graph SLAM
C++
hdl-graph-slam lidar ros rslidar slam velodyne
25
 Class balanced Grouping and Sampling for Point Cloud 3D Object Detection  Benjin Zhu, Xiangxin Zhou, Zeming Li, Gang Yu, Zhengkai Jiang
This report presents our method which wins the nuScenes3D Detection Challenge [17] held in Workshop on Autonomous Driving(WAD, CVPR 2019). Generally, we utilize sparse 3D convolution to extract rich semantic...
Pytorch
26
Det3D
19/08/2019
this week
A general 3D object detection codebse.
Python
Pytorch
3d-object-detection autonomous-driving neural-networks kitti nuscenes object-detection
27
PointCNN
23/08/2017
this week
PointCNN: Convolution On X Transformed Points (NeurIPS 2018)
Python
Other
autonomous-driving classification convolutional-neural-networks neural-networks robotics scannet segmentation shapenet
28
 Deep Learning for 3D Point Clouds: A Survey  Hao liu, Mohammed Bennamoun, Hanyun Wang, Li Liu, Yulan Guo, Qingyong Hu
Point cloud learning has lately attracted increasing attention due to its wide applications in many areas, such as computer vision, autonomous driving, and robotics. As a dominating technique in AI, deep...
29
[IEEE TPAMI 2020] Deep Learning for 3D Point Clouds: A Survey
30
Pointnet2 Pytorch
27/12/2017
this week
Pytorch implementation of Pointnet2/Pointnet++
Python
Pytorch
hydra pointnet2 pytorch-lightning
31
Pcx
24/10/2017
this week
Point cloud importer & renderer for Unity
C#
Unity
3d-scan graphics shader
32
Three mesh BVH
19/01/2018
this week
A BVH implementation to speed up raycasting and enable spatial queries against Three.JS meshes.
Javascript
Three-js
acceleration bounds bounds-hierarchy bvh distance geometry graphics intersection mesh path-tracing performance ray-tracing tree webvr webxr
33
LiDAR camera calibration
03/05/2017
this week
ROS package to find a rigid body transformation between a LiDAR and a camera for "LiDAR Camera Calibration using 3D 3D Point correspondences"
C++
aruco-markers calibration camera camera-calibration camera-frame data-fusion hesai lidar lidar-camera-calibration lidar-frame ros ros-kinetic ros-melodic stereo-cameras velodyne
34
Spconv
19/01/2019
this week
Spatial Sparse Convolution Library
Python
35
Depth clustering
21/11/2016
this week
Taxi: Fast and robust clustering of point clouds generated with a Velodyne sensor.
C++
catkin clustering depth depth-clustering depth-image fast lidar pcl range range-image real-time robotics ros segmentation velodyne velodyne-sensor
36
Papers and Datasets about Point Cloud.
37
Papers and Datasets about Point Cloud.
38
Papers and Datasets about Point Cloud.
39
Cilantro
04/05/2017
this week
A lean C++ library for working with point cloud data
C++
3d 3d-visualization clustering convex convex-hull icp iterative-closest-point k-means mds mean-shift model-fitting non-rigid-registration pca ransac reconstruction point-cloud-registration rgbd segmentation spectral-clustering
40
3Dmatch toolbox
08/11/2016
1 week ago
3DMatch a 3D ConvNet based local geometric descriptor for aligning 3D meshes and point clouds.
C++
3d neural-networks 3dmatch computer-vision geometry-processing rgbd vision
41
Easy3D
28/11/2018
this week
A lightweight, easy to use, and efficient C++ library for processing and rendering 3D data
C++
Opengl
3d-modeling computer-graphics data-structure geometry-processing graph mesh polyhedral-mesh reconstruction rendering shader surface-mesh viewer visualization
42
Bpy
12/06/2014
this week
Blender Python scripts
Python
Opengl
addon blender blender-addon blender-scripts photogrammetry ply-files point-cloud-visualizer time-tracker uv-mapping wavefront-obj zbrush
43
Superpoint graph
22/11/2017
1 week ago
Large scale Point Cloud Semantic Segmentation with Superpoint Graphs
Python
Pytorch
clustering large-scale lidar partition ply-files segmentation semantic semantic-segmentation superpoint-graphs
44
Learning Deep Learning
02/04/2017
this week
Paper reading notes on Deep Learning and Machine Learning
Jupyter
3d-object-detection 3d-object-recognition convolutional-neural-networks computer-vision neural-networks literature-review medical medical-imaging paper paper-reading paper-review reinforcement-learning
45
Fast GICP
05/02/2020
this week
A collection of GICP based fast point cloud registration algorithms
C++
Cuda
Python
gicp gpu icp multithreading pcl point-cloud-registration scan-matching vgicp
46
Awesome robotics
12/05/2017
this week
A curated list of awesome links and software libraries that are useful for robots.
Tensorflow
awesome awesome-list datasets neural-networks image-segmentation list lists optimization optimization-algorithms physics planning-algorithms reinforcement-learning robotics ros sensors simulation
47
Interactive SLAM
08/10/2019
this week
Interactive Map Correction for 3D Graph SLAM
C++
gui hdl-graph-slam lidar ros slam velodyne
48
Cupoch
22/10/2019
this week
Robotics with GPU computing
C++
Cuda
Python
collision-detection distance-transform gpgpu gpu jetson occupancy-grid-map odometry pathfinding pybind11 point-cloud-registration robotics ros triangle-mesh visual-odometry voxels
49
Cylinder3D
02/08/2020
this week
Rank 1st in the leaderboard of SemanticKITTI semantic segmentation (both single scan and multi scan) (Nov. 2020) (CVPR2021 Oral)
Python
cvpr2021 lidar-point-cloud lidar-segmentation nuscenes panoptic-segmentation semantic-segmentation semantickitti
50
Probreg
07/01/2019
this week
Python package for point cloud registration using probabilistic model (Coherent Point Drift, GMMReg, SVR, GMMTree, FilterReg, Bayesian CPD)
Python
3d coherent-point-drift dual-quaternion dual-quaternion-skinning expectation-maximization-algorithm filterreg gaussian-mixture-models non-rigid-registration open3d point-cloud-registration rigid-transformations variational-inference
51
 Sinkhorn Distances: Lightspeed Computation of Optimal Transportation Distances  Marco Cuturi
Optimal transportation distances are a fundamental family of parameterizeddistances for histograms. Despite their appealing theoretical properties,excellent performance in retrieval tasks and intuitive...
C++
Python
chamfer-distance geometry hausdorff hausdorff-distance hausdorff-measure lloyd-relaxation mesh nanoflann nearest-neighbor nearest-neighbors numpy optimal-transport poisson poisson-disc-sampling poisson-disk-sampling sampling sinkhorn sinkhorn-distance
52
KITTI2bag
28/11/2016
2 weeks ago
Convert KITTI dataset to ROS bag file the easy way!
Python
converter kitti kitti-data kitti-dataset odometry ros rosbag tool
53
PvCNN
10/12/2019
this week
[NeurIPS 2019, Spotlight] Point Voxel CNN for Efficient 3D Deep Learning
Python
Pytorch
frustum-pointnet frustum-pointnets kitti point-voxel-cnn pointnet pointnet2 pvcnn s3dis shapenet
54
Point transformer Pytorch
18/12/2020
this week
Implementation of the Point Transformer layer, in Pytorch
Python
neural-networks attention-mechanism
55
Itkwidgets
15/02/2018
this week
Interactive Jupyter widgets to visualize images, point sets, and meshes in 2D and 3D
Python
Jupyter
image-analysis imaging insight-toolkit itk jupyter-widget jupyterlab-extension kitware medical-visualization meshes open-science open-source reproducible-research scientific-computing scientific-visualization
56
Ndt omp
01/01/2018
this week
Multi threaded and SSE friendly NDT algorithm
C++
matching multithreading ndt ndt-algorithm pcl point-cloud-registration ros scan-matching
57
Torchsparse
24/08/2020
this week
A high performance neural network library for point cloud processing.
Python
Pytorch
58
Robust Point Cloud Registration Using Iterative Probabilistic Data Associations ("Robust ICP")
C++
alignment icp
59
Open3D PointNet2 Semantic3D
08/11/2018
this week
Semantic3D segmentation with Open3D and PointNet++
Python
Tensorflow
Other
classification open3d pointnet pointnet2
60
PointMVSNet
04/08/2019
this week
Code for "Point based Multi view Stereo Network" (ICCV 2019 Oral) & "Visibility aware Point based Multi view Stereo Network" (TPAMI)
Python
Other
stereo-network
61
Spvnas
24/08/2020
this week
[ECCV 2020] Searching Efficient 3D Architectures with Sparse Point Voxel Convolution
Python
Pytorch
neural-networks architecture-search computer-vision efficiency lidar semantickitti
62
LidR
17/02/2016
1 week ago
Airborne LiDAR data manipulation and visualisation for forestry application
R
als forestry las laz lidar
63
 Learning Efficient Point Cloud Generation for Dense 3D Object Reconstruction  Chen Kong, Chen-Hsuan Lin, Simon Lucey
Conventional methods of 3D object generative modeling learn volumetricpredictions using deep networks with 3D convolutional operations, which aredirect analogies to classical 2D ones. However, these methods...
Python
Tensorflow
64
ApproxMVBB
10/12/2014
2 weeks ago
Fast algorithms to compute an approximation of the minimal volume oriented bounding box of a point cloud in 3D.
C++
bounding-boxes kd-tree oobb outlier-removal volumetric
65
Super4PCS
24/06/2014
1 week ago
Efficient Global Point cloud registration
C++
Other
point-cloud-registration computer-graphics ransac scan-pairs super4pcs
66
KinectFusionLib
23/01/2018
this week
Implementation of the KinectFusion approach in modern C++14 and Cuda
Cuda
computer-vision depth-image kinect kinect-fusion marching-cubes mesh surface-mesh
67
Pointnet autoencoder
15/05/2018
3 weeks ago
Autoencoder for Point Clouds
Python
Other
autoencoder neural-networks pointnet
68
DgCNN.Pytorch
01/03/2020
this week
A Pytorch implementation of Dynamic Graph CNN for Learning on Point Clouds (DGCNN)
Python
Pytorch
classification segmentation
69
3D bat
16/10/2018
this week
3D Bounding Box Annotation Tool (3D BAT) Point cloud and Image Labeling
Javascript
Other
2d 3d 3d-object-detection active-learning annotation automatic autonomous-driving bounding-box detection interpolation mechanical-turk multi-platform multi-view semi-automatic surround tool web
70
Pycpd
23/10/2016
1 week ago
Pure Numpy Implementation of the Coherent Point Drift Algorithm
Python
expectation-maximization point-cloud-registration
71
SO Net
28/02/2018
1 week ago
SO Net: Self Organizing Network for Point Cloud Analysis, CVPR2018
Python
3d autonomous-driving computer-vision cvpr neural-networks
72
Pcn
01/08/2018
this week
Code for PCN: Point Completion Network in 3DV'18 (Oral)
Python
3d-reconstruction computer-vision neural-networks
73
Point cloud annotation tool
07/06/2018
this week
C++
annotation-tool
74
Flownet3D
15/04/2019
this week
FlowNet3D: Learning Scene Flow in 3D Point Clouds (CVPR 2019)
Python
Tensorflow
neural-networks scene-flow
75
LiDAR camera calibration
16/01/2019
this week
Light weight camera LiDAR calibration package for ROS using OpenCV and PCL (PnP + LM optimization)
Python
Opencv
camera-calibration camera-lidar-calibration extrinsic-calibration extrinsic-parameters intrinsic-parameters lidar lidar-camera-calibration pcl ros ros-kinetic
76
Awesome 3D Detectors
06/07/2020
this week
Paperlist of awesome 3D detection methods
3d-detection paper-code-dataset
77
3D CNN Tensorflow
03/04/2017
1 month ago
KITTI data processing and 3D CNN for Vehicle Detection
Python
Tensorflow
convolutional-neural-networks neural-networks kitti-dataset lidar vehicle-detection
78
PCLpy
03/04/2018
this week
Python bindings for the Point Cloud Library (PCL)
Python
computer-vision lidar pcl
79
LiDAR MOS
20/06/2021
this week
(LMNet) Moving Object Segmentation in 3D LiDAR Data: A Learning based Approach Exploiting Sequential Data (RAL/IROS 2021)
Python
neural-networks lidar lidar-slam mapping moving-object-segmentation segmentation slam
80
 Morphing and Sampling Network for Dense Point Cloud Completion  Shi-Min Hu, Sheng Yang, Lu Sheng, Jing Shao, Minghua Liu
3D point cloud completion, the task of inferring the complete geometric shape from a partial point cloud, has been attracting attention in the community. For acquiring high-fidelity dense point clouds...
Python
Cuda
Pytorch
3d-reconstruction auction-algorithm earth-mover-distance earth-movers-distance minimum-spanning-tree point-cloud-completion point-cloud-processing shape-completion
81
Awsome Deep Geometry Learning
05/04/2020
this week
A list of resources about deep learning solutions on 3D shape processing
3d-models 3d-reconstruction 3d-representation 3d-shapes implicit-representions meshes primitives shapes-learning voxels
82
Pointnetvlad
16/03/2018
this week
PointNetVLAD: Deep Point Cloud Based Retrieval for Large Scale Place Recognition, CVPR 2018
Python
computer-vision neural-networks place-recognition
83
Splatnet
14/06/2018
4 weeks ago
SPLATNet: Sparse Lattice Networks for Point Cloud Processing (CVPR2018)
Python
Other
3d cvpr2018 neural-networks joint-2d-3d
84
SampleNet
10/12/2019
this week
Differentiable Point Cloud Sampling (CVPR 2020 Oral)
Python
Pytorch
Other
cvpr2020 neural-networks geometry-processing sampling tensorlow
85
OverlapPredator
24/11/2020
this week
[CVPR 2021, Oral] PREDATOR: Registration of 3D Point Clouds with Low Overlap.
Python
3dvision attention-mechanism point-cloud-registration transformer
86
KITTI Dataset
21/03/2017
3 weeks ago
Visualising LiDAR data from KITTI dataset.
Jupyter
kitti kitti-data kitti-dataset
87
Pointnerf
11/02/2022
this week
Point NeRF: Point based Neural Radiance Fields
Python
Other
3d 3d-reconstruction cvpr2022 differentiable-rendering graphics implicit-functions multiview-stereo mvs nerf neural-radiance-fields neural-rendering point-based-graphics radiance-field reconstruction scannet scene-reconstruction tanks-and-temples volume-rendering
88
ASIS
26/02/2019
2 months ago
Associatively Segmenting Instances and Semantics in Point Clouds, CVPR 2019
Python
neural-networks instance-segmentation semantic-segmentation
89
LibLAS
19/08/2011
2 weeks ago
C++ library and programs for reading and writing ASPRS LAS format with LiDAR data
C++
Python
Other
c-api file-format-library liblas library lidar lidar-point-cloud point-cloud-library point-cloud-processing programs
90
This is a package for extrinsic calibration between a 3D LiDAR and a camera, described in paper: Improvements to Target Based 3D LiDAR to Camera Calibration. This package is used for Cassie Blue's 3D LiDAR semantic mapping and automation.
Matlab
3d-lidar calibration calibration-toolbox camera-calibration camera-image camera-targets cassie cassie-ros extrinsic-calibration extrinsic-parameters lidar lidar-image lidar-points lidar-targets lidar-vertices robotics sensor-fusion transformation
91
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference

 A Graph CNN for 3D Point Cloud Classification  Yingxue Zhang, Michael Rabbat
Graph convolutional neural networks (Graph-CNNs) extend traditional CNNs tohandle data that is supported on a graph. Major challenges when working withdata on graphs are that the support set (the vertices...
Python
Tensorflow
3d-classification convolutional-neural-networks gcn gcnn graph graph-cnn graph-convolutional-network graph-convolutional-networks graph-convolutional-neural-networks
92
DSS
05/06/2019
this week
Differentiable Surface Splatting
Python
differentiable-renderer differentiable-rendering geometry-processing inverse-rendering rendering siggraph-asia
93
Cloud annotation tool
09/07/2017
this week
L CAS 3D Point Cloud Annotation Tool
C++
Qt
annotation annotation-tool pcl velodyne
94
Frustum ConvNet
04/08/2019
1 week ago
The Pytorch Implementation of F ConvNet for 3D Object Detection
Python
3d-object-detection neural-networks
95
A list of papers about point clouds registration
3d-vision point-cloud-registration
96
A list of papers about point clouds registration
97
Npbg
05/04/2020
this week
Neural Point Based Graphics
Python
neural-rendering
98
Orb SLAM2 with semantic label
27/05/2018
this week
Orb SLAM2 with semantic label
C++
Other
orb-slam2 semantic-mapping slam yolov3
99
3DGNN Pytorch
25/11/2018
this week
3D Graph Neural Networks for RGBD Semantic Segmentation
Python
Pytorch
gnns rgbd segmentation
100
Pangolin
06/01/2018
this week
Python binding of 3D visualization library Pangolin
C++
Python
Opengl
3d binding pangolin slam visualization
101
Awesome LiDAR
13/04/2020
this week
Awesome LiDAR list. The list includes LiDAR manufacturers, datasets, point cloud processing algorithms, point cloud frameworks and simulators.
3d 3d-lidar autonomous-driving awesome awesome-list lidar obstacle-detection simulator slam szenergy
102
PointASNL
01/03/2020
this week
PointASNL: Robust Point Clouds Processing using Nonlocal Neural Networks with Adaptive Sampling CVPR 2020
Python
Tensorflow
classification modelnet-dataset sample scannet-dataset segmentation self-driving semantickitti
103
YOLO3D YOLOv4 Pytorch
07/08/2020
this week
YOLO3D: End to end real time 3D Oriented Object Bounding Box Detection from LiDAR Point Cloud (ECCV 2018)
Python
3d-object-detection darknet distributed-training object-detection real-time rotated-boxes-iou yolo3d yolov4
104
DBNet
26/04/2018
this week
DBNet: A Large Scale Dataset for Driving Behavior Learning, CVPR 2018
Python
autonomous-driving benchmark cvpr2018 dbnet driving-behavior steering-wheel vehicle-speed
105
Displaz
08/11/2012
1 month ago
A hackable LiDAR viewer
C++
Other
geospatial lidar
106
MVStudio
26/03/2018
this week
An integrated SFM (Structure from Motion) and MVS (Multi View Stereo) solution.
C++
3d-modelling computer-graphics computer-vision image-based-modeling multi-view-stereo multiview-stereo mvs photogrammetry reconstruction sfm structure-from-motion
107
Vision3D
07/01/2020
1 month ago
Research platform for 3D object detection in Pytorch.
Python
Pytorch
neural-networks autonomous-vehicles codebase detection lidar object-detection perception real-time voxels
108
PointCloudDatasets
12/12/2019
2 weeks ago
3D point cloud datasets in HDF5 format, containing uniformly sampled 2048 points per shape.
Python
classification dataset modelnet segmentation shapenetcore visualized-point-clouds
109
PyRANSAC 3D
15/08/2020
this week
A Python tool for fitting primitives 3D shapes in point clouds using RANSAC algorithm
Python
3d-reconstruction cuboid cylinder open3d plane-detection planes ransac ransac-algorithm segmentation
110
Semantic3Dnet
16/08/2016
3 weeks ago
Point cloud semantic segmentation via Deep 3D Convolutional Neural Network
C++
Torch
neural-networks
111
Record3D
01/08/2019
this week
Accompanying library for the Record3D iOS app (https://record3D.App/). Allows you to receive RGBD stream from iOS devices with TrueDepth camera(s).
C
depth-map ios record3d rgbd streaming-video truedepth
112
 Learning to Segment 3D Point Clouds in 2D Image Space  Yecheng Lyu, Ziming Zhang, Xinming Huang
In contrast to the literature where local patterns in 3D point clouds are captured by customized convolutional operators, in this paper we study the problem of how to effectively and efficiently project...
conference
Python
Tensorflow
113
Adaptive clustering
25/02/2019
this week
Lightweight and Accurate Point Cloud Clustering
C++
clustering point-cloud-segmentation ros velodyne
114
SC A LOAM
10/05/2021
this week
Robust LiDAR SLAM with a versatile plug and play loop closing and pose graph optimization.
C++
gps gtsam lidar lidar-mapping lidar-slam livox-lidar loam localization mapping mulran-dataset odometry place-recognition scancontext slam
115
Grid GCN
03/03/2020
this week
Grid GCN for Fast and Scalable Point Cloud Learning
Python
3d-vision 3dvision classification computer-vision cvpr2020 graphconv graphconvoltution grid-gcn pointnet s3dis scannet segmentation self-driving-car
116
Bcpd
31/03/2019
1 week ago
Bayesian Coherent Point Drift (BCPD/BCPD++)
C
approximate-inference bayesian-inference bayesian-statistics downsampling gaussian-process-regression gaussian-processes kd-tree matching non-rigid-registration nystrom outlier-detection point-cloud-registration point-set-registration rigid-registration shape-analysis shape-deformation shape-matching unsupervised-learning variational-inference
117
DeepMapping
28/11/2018
this week
[CVPR2019 Oral] Self supervised Point Cloud Map Estimation
Python
Other
neural-networks mapping point-cloud-registration unsupervised-learning
118
Jsis3D
06/04/2019
2 weeks ago
[CVPR'19] JSIS3D: Joint Semantic Instance Segmentation of 3D Point Clouds
Python
Pytorch
cvpr instance-segmentation
119
2Dimageto3Dmodel
14/12/2020
4 weeks ago
We evaluate our method on different datasets (including ShapeNet, CUB 200 2011, and Pascal3D+) and achieve state of the art results, outperforming all the other supervised and unsupervised methods and 3D representations, all in terms of performance, accuracy, and training time.
Python
Pytorch
3d-computer-graphics 3d-reconstruction computer-graphics computer-vision cub-dataset neural-networks gan kaolin loss-functions mesh pascal3d pose-prediction rendering shapenet shapenet-dataset single-view-reconstruction voxels
120
 Toward better boundary preserved supervoxel segmentation for 3D point clouds  Yangbin Lin, Jonathan Li, Dawei Zhai, Cheng Wang, Wei Li
Supervoxels provide a more natural and compact representation of three dimensional point clouds, and enable the operations to be performed on regions rather than on the scattered points. Many state-of-the-art...
C++
3d supervoxel
121
PolyLiDAR
06/02/2019
this week
PolyLiDAR3D Fast polygon extraction from 3D Data
C++
concave concave-hull geometry mesh polygon
122
Learning to sample
04/12/2018
1 week ago
A learned sampling approach for point clouds (CVPR 2019)
Python
Tensorflow
Other
cvpr2019 neural-networks geometry-processing sampling
123
Deep Learning for LiDAR Point Clouds in Autonomous Driving: A Review
Pytorch
Tensorflow
3d-detection cvpr eccv iccv kitti lidar-point-cloud nips
124
PCL ROS cluster Segmentation
22/07/2017
this week
Cluster based segmentation of Point Cloud with PCL lib in ROS
Python
computer-vision gazebo pcl ros
125
Nexus
14/12/2015
1 week ago
Nexus is a C++/Javascript library for creation and visualization of a batched multiresolution mesh
C
Three-js
Webgl
compression lod mesh multiresolution nexus streaming visualization
126
 Unsupervised Learning of Shape and Pose with Differentiable Point Clouds  Alexey Dosovitskiy, Eldar Insafutdinov
We address the problem of learning accurate 3D shape and camera pose from acollection of unlabeled category-specific images. We train a convolutionalnetwork to predict both the shape and the pose from...
conference
Python
Tensorflow
127
3PU
27/11/2018
2 months ago
Patch base progressive 3D Point Set Upsampling
C++
Tensorflow
neural-networks paper super-resolution
128
Graspnet baseline
19/12/2020
this week
Baseline model for "GraspNet 1Billion: A Large Scale Benchmark for General Object Grasping" (CVPR 2020)
Python
Other
3d neural-networks grasping robotics
129
ScanRefer
22/01/2020
1 week ago
[ECCV 2020] ScanRefer: 3D Object Localization in RGB D Scans using Natural Language
Python
Pytorch
Other
3d computer-vision dataset neural-networks eccv natural-language-processing visual-grounding
130
Pointnet
24/11/2019
this week
Pytorch implementation of "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" https://arxiv.Org/abs/1612.00593
Jupyter
Pytorch
3d-classification classification computer-vision neural-networks pointnet segmentation
131
PointCloud-BachelorThesis
132
 Diffusion Probabilistic Models for 3D Point Cloud Generation  Wei Hu, Shitong Luo
We present a probabilistic model for point cloud generation, which is fundamental for various 3D vision tasks such as shape completion, upsampling, synthesis and data augmentation. Inspired by the diffusion...
conference
Python
Pytorch
cvpr cvpr2021 generation generative-model
133
A curated list of point cloud registration.
134
GACNet
03/04/2019
this week
Pytorch implementation of 'Graph Attention Convolution for Point Cloud Segmentation'
Python
gacnet s3dis segmentation
135
SA Det3D
02/12/2020
this week
SA Det3D: Self attention based Context Aware 3D Object Detection (ICCV AvVision 2021)
Python
Pytorch
neural-networks 3d-detection autonomous-driving object-detection
136
JS3C Net
07/12/2020
this week
Sparse Single Sweep LiDAR Point Cloud Segmentation via Learning Contextual Shape Priors from Scene Completion (AAAI 2021)
C++
auto-drive completion lidar-point-cloud lidar-segmentation segmentation semantic-scene-completion semantickitti semanticposs
137
Urban road filter
07/06/2021
this week
Real time LiDAR based Urban Road and Sidewalk detection for Autonomous Vehicles
C++
autonomous-driving filter lidar lidar-filter road-segmentation ros self-driving-car shell-eco-marathon szenergy
138
FPConv
13/03/2020
3 weeks ago
FPConv: Learning Local Flattening for Point Convolution, CVPR 2020
Python
Pytorch
3d-convolutions 3d-vision cvpr2020 point-convolution s3dis scannet scene-understanding semantic-segmentation
139
Mix3D
07/10/2021
1 week ago
Mix3D: Out of Context Data Augmentation for 3D Scenes (3DV 2021 Oral)
Python
3d 3dvision augmentation semantic-segmentation
140
Pointwise
03/04/2018
1 week ago
Code for Pointwise Convolutional Neural Networks, CVPR 2018
Python
neural-networks
141
DH3D
22/08/2020
this week
DH3D: Deep Hierarchical 3D Descriptors for Robust Large Scale 6DOF Relocalization
Python
autonomous-driving neural-networks feature-learning relocalization
142
Pointnet keras
31/12/2017
3 months ago
Keras implementation for Pointnet
Python
Keras
classification neural-networks pointnet segmentation
143
3DHOP
02/07/2015
1 week ago
3D Heritage Online Presenter
Javascript
Webgl
3d graphics html mesh models multiresolution nexus viewer web web3d
144
Sess
08/03/2020
this week
[CVPR2020 Oral] SESS: Self Ensembling Semi Supervised 3D Object Detection
Python
Pytorch
3d-object-detection semi-supervised-learning
145
3D Point Clouds
15/01/2021
this week
3D& SOTA,,,
Jupyter
Python
c++ dataset neural-networks pcl ros ros-melodic sota
146
Cesium point cloud generator
24/05/2018
this week
A small Java based tool for the generation of point cloud visualization datasets according to Cesium 3D Tiles.
Javascript
cesium cesium-3dtiles visualization
147
RSNet
24/02/2018
this week
This is the official implementation of RSNet.
Python
Other
3d-segmentation rsnet
148
DenseDepthMap
21/08/2018
this week
Create Dense Depth Map Image for Known Poisitioned Camera from LiDAR Point Cloud
Matlab
depth-information depth-map image-processing kitti-dataset lidar-point-cloud projection-mapping
149
A list of papers about point cloud based place recognition, also known as loop closure detection in SLAM (processing)
150
Iterative Closest Point
05/08/2017
1 week ago
Implementation of the iterative closest point algorithm. A point cloud is transformed such that it best matches a reference point cloud.
C++
icp machine-vision
151
DeepI2P
26/03/2021
this week
DeepI2P: Image to Point Cloud Registration via Deep Classification. CVPR 2021
C++
3d-vision convolutional-neural-networks computer-vision neural-networks image-processing localization point-cloud-registration
152
 FoldingNet: Point Cloud Auto encoder via Deep Grid Deformation  Yaoqing Yang, Chen Feng, Dong Tian, Yiru Shen
Recent deep networks that directly handle points in a point set, e.g.,PointNet, have been state-of-the-art for supervised learning tasks on pointclouds such as classification and segmentation. In this...
conference

 PointFlow: 3D Point Cloud Generation with Continuous Normalizing Flows  Ming-Yu Liu, Serge Belongie, Xun Huang, Guandao Yang, Zekun Hao, Bharath Hariharan
As 3D point clouds become the representation of choice for multiple vision and graphics applications, the ability to synthesize or reconstruct high-resolution, high-fidelity point clouds becomes crucial...
conference
Pytorch
153
SpareNet
01/03/2021
2 weeks ago
Style based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021)
Python
neural-networks differentiable-renderer generative-adversarial-network point-cloud-completion
154
BtcDet
03/12/2021
this week
Behind the Curtain: Learning Occluded Shapes for 3D Object Detection
Python
Pytorch
3d 3d-object-detection aaai-2022 aaai2022 autonomous-driving autonomous-vehicles computer-vision neural-networks generative-model lidar lidar-point-cloud object-detection occlusion occlusion-handling self-driving self-driving-car
155
3D Point Cloud Learning
17/09/2020
this week
 Deep Learning for 3D Point Cloud Understanding: A Survey  Haoming Lu, Humphrey Shi
The development of practical applications, such as autonomous driving and robotics, has brought increasing attention to 3D point cloud understanding. While deep learning has achieved remarkable success...
156
Edge Extraction
06/04/2017
1 week ago
Fast and robust algorithm to extract edges in unorganized point clouds
C++
edge-extraction feature-extraction
157
KinectFusionApp
23/01/2018
1 week ago
Sample implementation of an application using KinectFusionLib
C++
computer-vision depth-image kinect kinect-fusion marching-cubes mesh sample-app sample-implementation surface-mesh
158
Trescope
09/11/2020
this week
Trescope is a comprehensive 3D machine learning development tool devoted to improve developing experience and speed in 3D field, which helps researchers and developers to label, debug, visualize various 3D data
Javascript
3d-data-visualization 3d-front-dataset neural-networks label
159
WS3D
06/07/2020
this week
Official version of 'Weakly Supervised 3D object detection from LiDAR Point Cloud'(ECCV2020)
Python
Pytorch
3d-annotation 3d-annotator 3d-detection bird-eye-view cascade-inference eccv2020 lidar point-cloud-detection pointrcnn vehicle-detection weakly-supervised-learning ws3d
160
UnsupervisedRR
16/02/2021
this week
[CVPR 2021 Oral] UnsupervisedR&R: Unsupervised Point Cloud Registration via Differentiable Rendering
Python
3d-vision alignment differentiable-rendering point-cloud-registration
161
DBScan PCL Optimized
22/09/2018
1 week ago
DBScan algorithm using Octrees to cluster 3D points in a space with PCL Library
C++
Cmake
cluster-coloring cmakelists dbscan octree octrees optimize pcd pcl pcl-library pcl-viewer ply txt
162
CAE LO
23/12/2019
1 week ago
CAE LO: LiDAR Odometry Leveraging Fully Unsupervised Convolutional Auto Encoder for Interest Point Detection and Feature Description
Python
auto-encoder convolutional-neural-networks neural-networks feature-extraction interest-points lidar-odometry
163
PointcloudToMesh
20/09/2018
1 month ago
C++ application to convert pcd file, ply file, txt file or xyz point cloud to MESH representation (Gp3).
C++
mesh pcd pcl pcl-library ply poisson-reconstruction
164
CurveNet
06/05/2021
this week
Official implementation of "Walk in the Cloud: Learning Curves for Point Clouds Shape Analysis", ICCV 2021
Python
3d-vision iccv iccv2021 point-cloud-processing
165
SimpleView
01/06/2021
1 week ago
Official Code for ICML 2021 paper "Revisiting Point Cloud Shape Classification with a Simple and Effective Baseline"
Python
3d-vision dgcnn icml-2021 modelnet-dataset modelnet40 point-cloud-classification point-cloud-processing pointnet pointnet2 rscnn scanobjectnn simpleview sota
166
Cpnet
16/06/2019
3 months ago
Learning Video Representations from Correspondence Proposals (CVPR 2019 Oral)
Python
Tensorflow
Other
action-recognition neural-networks representation-learning video-classification
167
3D semantic segmentation
05/10/2018
this week
This work is based on our paper Exploring Spatial Context for 3D Semantic Segmentation of Point Clouds, which is appeared at the IEEE International Conference on Computer Vision (ICCV) 2017, 3DRMS Workshop.
Python
Tensorflow
neural-networks semantic-segmentation
168
AttMPTI
18/03/2021
this week
[CVPR 2021] Few shot 3D Point Cloud Semantic Segmentation
Python
Pytorch
3d 3d-segmentation few-shot-learning
169
 Self supervised Point Cloud Prediction Using 3D Spatio temporal Convolutional Networks  Cyrill Stachniss, Jens Behley, Xieyuanli Chen, Benedikt Mersch
Exploiting past 3D LiDAR scans to predict future point clouds is a promising method for autonomous mobile systems to realize foresighted state estimation, collision avoidance, and planning. In this paper,...
homepage
Python
Pytorch
cloud forecasting lidar point point-cloud-forecasting point-cloud-prediction point-forecasting prediction range-image self-supervised-learning video video-prediction
170
 Weakly Supervised Semantic Point Cloud Segmentation: Towards 10x Fewer Labels   Gim Hee Lee, Xun Xu
Point cloud analysis has received much attention recently; and segmentation is one of the most important tasks. The success of existing approaches is attributed to deep network design and large amount...


 Weakly Supervised Semantic Point Cloud Segmentation:Towards 10X Fewer Labels  Xun Xu, Gim Hee Lee
Point cloud analysis has received much attention recently; and segmentation is one of the most important tasks. The success of existing approaches is attributed to deep network design and large amount...
Tensorflow
171
Point cloud prediction
27/09/2021
this week
Self supervised Point Cloud Prediction Using 3D Spatio temporal Convolutional Networks
Python
cloud forecasting lidar point point-cloud-forecasting point-cloud-prediction point-forecasting prediction range-image self-supervised-learning video video-prediction
172
Weakly Supervised 3D Object Detection from Point Clouds (VS3D), ACM MM 2020
Jupyter
Tensorflow
3d-object-detection acm-mm-2020 cross-modal kitti lidar monocular object-proposals stereo transfer-learning unsupervised-learning unsupervised-object-detection vs3d weakly-supervised-detection ws3d
173
Record3D unity demo
21/09/2019
this week
IPhone X > Unity VFX Graph demo (real time Point Cloud streaming)
C#
Unity
iphone-x streaming truedepth vfx vfxgraph
174
Fully convolutional point network
09/09/2018
3 months ago
Fully Convolutional Point Networks for Large Scale Point Clouds
Python
3d captioning computer-vision neural-networks meshes semantic-segmentation
175
Point cloud tools for Matlab
09/12/2015
2 weeks ago
Various point cloud tools for Matlab
Matlab
iterative-closest-point
176
MinkLoc3D
11/11/2020
this week
MinkLoc3D: Point Cloud Based Large Scale Place Recognition
Python
3d-convolutional-network 3d-vision computer-vision neural-networks metric-learning minkowski-engine place-recognition
177
Flux3D.Jl
15/04/2020
2 months ago
3D computer vision library in Julia
Julia
3d-computer-vision 3d-reconstruction 3d-vision-library neural-networks triangle-mesh
178
EC Net
04/07/2018
1 week ago
EC Net: an Edge aware Point set Consolidation Network, ECCV, 2018
Python
3d-shape reconstruction
179
Awesome point cloud learning
04/03/2019
2 weeks ago
A curated list of papers & resources linked to deep learning on point clouds.
Pytorch
180
CrossPoint
28/02/2022
this week
Official implementation of "CrossPoint: Self Supervised Cross Modal Contrastive Learning for 3D Point Cloud Understanding" (CVPR, 2022)
Python
cross-modal-learning neural-networks few-shot-learning object-classification self-supervised-learning transfer-learning unsupervised-learning
181
DMRDenoise
26/07/2020
this week
Snowman: Differentiable Manifold Reconstruction for Point Cloud Denoising (ACM MM 2020)
Python
acm-mm acm-mm-2020 denoising denoising-network
182
LibE57Format
22/03/2018
this week
Library for reading & writing the E57 file format
C++
e57 file-format file-io hacktoberfest library
183
Locus
08/12/2020
2 weeks ago
This repository contains the code implementation used in the paper "Locus: LiDAR based Place Recognition using Spatiotemporal Higher Order Pooling". ICRA 2021.
Python
Other
3d neural-networks lidar place-recognition robotics slam spatio-temporal
184
Peac
04/10/2018
this week
[ICRA2014] Fast Plane Extraction Using Agglomerative Hierarchical Clustering (AHC)
C++
icra plane-detection plane-extraction real-time rgbd
185
 Real Time Spatio Temporal LiDAR Point Cloud Compression
Compressing massive LiDAR point clouds in real-time is critical to autonomousmachines such as drones and self-driving cars. While most of the recent priorwork has focused on compressing individual point...
C++
compression compression-algorithm decompression point-cloud-compression
186
SSTNet
12/08/2021
this week
Instance Segmentation in 3D Scenes using Semantic Superpoint Tree Networks
Python
3d neural-networks instance-segmentation superpoint
187
Attentional PointNet
04/06/2019
this week
Attentional PointNet is Deep Neural Network architecture for 3D object detection in point clouds
Python
Pytorch
3d-object-detection attention-mechanism autonomous-vehicles object-detection pointnet pytorch-implmention
188
Pointnet2 semantic
12/04/2018
1 month ago
A pointnet++ fork, with focus on semantic segmentation of differents datasets
Python
neural-networks pointnet2 semantic-segmentation
189
Scan2Cap
07/12/2020
this week
[CVPR 2021] Scan2Cap: Context aware Dense Captioning in RGB D Scans
Python
Pytorch
Other
3d caption-generation computer-vision cvpr cvpr2021 neural-networks natural-language-processing scans
190
LPD net
06/02/2020
1 week ago
LPD Net: 3D Point Cloud Learning for Large Scale Place Recognition and Environment Analysis, ICCV 2019, Seoul, Korea
Python
computer-vision neural-networks place-recognition
191
 Tigris: Architecture and Algorithms for 3D Perception in Point Clouds  Boyuan Tian, Tiancheng Xu, Yuhao Zhu
Machine perception applications are increasingly moving toward manipulating and processing 3D point cloud. This paper focuses on point cloud registration, a key primitive of 3D data processing widely used...
192
Unity 3mx
17/06/2020
this week
Load 3MX/3MXB format LOD model files generated by Bentley ContextCapture into Unity.
C#
Unity
3d-model 3mx bentley-contextcapture contextcapture level-of-details photogrammetry
193
PointCloud pipeline
21/09/2018
1 month ago
Configurable point cloud registration pipeline.
C++
3dvision pcl point-cloud-library point-cloud-registration pointcloudprocessing registration-pipeline
194
 A Technical Survey and Evaluation of Traditional Point Cloud Clustering Methods for LiDAR Panoptic Segmentation  Xinming Huang, Xiao Zhang, Yiming Zhao
LiDAR panoptic segmentation is a newly proposed technical task for autonomous driving. In contrast to popular end-to-end deep learning solutions, we propose a hybrid method with an existing semantic segmentation...
C++
Pytorch
195
PPF FoldNet
07/04/2019
3 weeks ago
Pytorch reimplementation for "PPF FoldNet: Unsupervised Learning of Rotation Invariant 3D Local Descriptors" https://arxiv.Org/abs/1808.10322
Python
Pytorch
ppf-foldnet ppfnet point-cloud-registration
196
CMRNet
27/11/2019
this week
Code for "CMRNet: Camera to LiDAR Map Registration" (ITSC 2019) WIP
Python
Pytorch
Other
neural-networks localization monocular robotics sensor-fusion
197
Non rigid icp
28/01/2019
1 week ago
Modified version of non rigid Iterative closest point algorithm for fitting to noisy point clouds
Python
3d-reconstruction graphics icp mesh-processing meshes non-rigid-registration
198
LiDAR fog sim
11/08/2021
this week
LiDAR fog simulation
Python
Other
3d autonomous-driving computer-vision fog fog-attenuation fog-removal lidar lidar-point-cloud simulation
199
3PU Pytorch
10/01/2019
3 weeks ago
Pytorch implementation of >>Patch base progressive 3D Point Set Upsampling<<
Python
Pytorch
3d-reconstruction neural-networks paper
200
SimpleICP
19/05/2020
this week
Implementations of a rather simple version of the Iterative Closest Point algorithm in various languages.
Python
computer-vision iterative-closest-point point-cloud-processing point-cloud-registration robotics
201
Pointcloud landmarks extractor
17/12/2016
1 week ago
Tools to detect and classify landmarks (currently, trees and pole like objects) from point cloud data
C++
classification difference-of-normals landmark-detection pcl-library random-forest segmentation
202
CCCoreLib
15/04/2020
this week
C++ library which provides data structures & algorithms for working with 3D point cloud data
C++
Other
203
Gl depth sim
21/04/2018
this week
Stand alone depth camera simulation using OpenGL for hardware acceleration
C
camera-simulation depth-camera ros ros-industrial
204
 Automatic labelling of urban point clouds using data fusion  Chris Eijgenstein, Daan Bloembergen
In this paper we describe an approach to semi-automatically create a labelled dataset for semantic segmentation of urban street-level point clouds. We use data fusion techniques using public data sources...
205
 A Benchmark for Point Clouds Registration Algorithms  Simone Fontana, Daniele Cattaneo, Domenico Giorgio Sorrenti, Matteo Vaghi, Augusto Luis Ballardini
Point clouds registration is a fundamental step of many point clouds processing pipelines; however, most algorithms are tested on data collected ad-hoc and not shared with the research community. These...
206
Pointnet2 Tensorflow2
06/12/2019
this week
Pointnet++ modules implemented as Tensorflow 2 keras layers.
C++
Tensorflow
classification neural-networks pointnet pointnet2 segmentation tensorflow2
207
Urban PointCloud Processing
11/06/2021
1 week ago
Repository for automatic classification and labeling of Urban PointClouds using data fusion and region growing techniques.
Python
2d-data 3d-data classification data-fusion gis labelling lidar-point-cloud segmentation semantic-segmentation topographic-maps
208
Softpool
22/09/2019
4 weeks ago
SoftPoolNet: Shape Descriptor for Point Cloud Completion and Classification, accepted in ECCV 2020 as oral
Python
3d-reconstruction pooling sorting
209
 PointCloud Saliency Maps  Tianhang Zheng, Changyou Chen, Bo Li, Kui Ren, Junsong Yuan
3D point-cloud recognition with PointNet and its variants has received remarkable progress. A missing ingredient, however, is the ability to automatically evaluate point-wise importance w.r.t.\! classification...
conference
Tensorflow
210
 PointCloud Saliency Maps  Tianhang Zheng, Changyou Chen, Bo Li, Kui Ren, Junsong Yuan
3D point-cloud recognition with PointNet and its variants has received remarkable progress. A missing ingredient, however, is the ability to automatically evaluate point-wise importance w.r.t.\! classification...
conference
Tensorflow
211
 CNN based LiDAR Point Cloud De Noising in Adverse Weather  Wilhelm Stork, Philipp Schindler, Florian Piewak, Robin Heinzler
LiDAR sensors are frequently used in environment perception for autonomous vehicles and mobile robotics to complement camera, radar, and ultrasonic sensors. Adverse weather conditions are significantly...
212
3DGNN
14/05/2018
3 weeks ago
Jupyter
rgbd segmentation
213
Flownet3D Pytorch
11/11/2019
this week
The Pytorch implementation of flownet3D: https://github.Com/xingyul/flownet3D
Python
Pytorch
scene-flow
214
Deep grasp demo
24/07/2020
4 weeks ago
Deep learning for grasp detection within MoveIt.
C++
computer-vision neural-networks deep-learning-tutorial depth-camera depth-sensor-data dex-net gpd grasp grasp-planning grasp-point-detection grasping motion-planning moveit robot-control robot-manipulation ros
215
Scn2pointcloud tool
11/03/2017
4 months ago
The toolbox implements the data conversion from CAD models (such as .Obj/.Off file) to point cloud(surface voxels) with RGB value and labels.
C++
Python
cad-models
216
PCL.Py
12/06/2017
1 week ago
Templated Python inferface for Point Cloud Library (PCL) based on Cython
Cython
Python
computer-vision numpy pcl
217
LdgCNN
22/04/2019
1 month ago
Linked Dynamic Graph CNN: Learning through Point Cloud by Linking Hierarchical Features
Python
convolutional-neural-networks dynamic-graphs modelnet-dataset point-cloud-classification point-cloud-segmentation shapenet-dataset
218
YOHO
04/07/2021
1 week ago
You Only Hypothesize Once: Point Cloud Registration with Rotation equivariant Descriptors
Python
Pytorch
point-cloud-registration
219
 Equivariant Point Network for 3D Point Cloud Analysis  Hao Li, Weikai Chen, Shichen Liu, Haiwei Chen
Features that are equivariant to a larger group of symmetries have been shown to be more discriminative and powerful in recent studies. However, higher-order equivariant features often come with an exponentially-growing...
conference
Pytorch
220
Point based clothing
07/10/2021
3 weeks ago
Official Pytorch code for the paper: "Point Based Modeling of Human Clothing" (ICCV 2021)
Jupyter
Pytorch
animation clothing neural-networks garment neural-rendering point-based-clothing point-based-graphics re-targeting virtual-clothing virtual-try-on
221
Point2Mesh
11/08/2020
1 month ago
Meshing Point Clouds with Predicted Intrinsic Extrinsic Ratio Guidance (ECCV2020)
C++
3d neural-networks 3d-reconstruction eccv2020 geodesic-distances mesh mesh-generation mesh-processing remeshing
222
The code for Point Cloud GAN
01/06/2019
1 week ago
 Point Cloud GAN  Chun-Liang Li, Manzil Zaheer, Yang Zhang, Ruslan Salakhutdinov, Barnabas Poczos
Generative Adversarial Networks (GAN) can achieve promising performance onlearning complex data distributions on different types of data. In this paper,we first show a straightforward extension of existing...
conference
Python
Tensorflow
223
 Detail Preserved Point Cloud Completion via Separated Feature Aggregation  Chunxia Xiao, Wenxiao Zhang, Qingan Yan
Point cloud shape completion is a challenging problem in 3D vision and robotics. Existing learning-based frameworks leverage encoder-decoder architectures to recover the complete shape from a highly encoded...
conference
Python
Tensorflow
224
Blender KITTI
12/01/2020
this week
Render large point clouds and voxel grids with blender.
Python
blender cycles-renderer kitti-dataset-visualization voxelization
225
 Point Cloud Super Resolution with Adversarial Residual Graph Networks  Junge Zhang, Huikai Wu, Kaiqi Huang
Point cloud super-resolution is a fundamental problem for 3D reconstruction and 3D data understanding. It takes a low-resolution (LR) point cloud as input and generates a high-resolution (HR) point cloud...
Tensorflow
226
MinkLocMultimodal
10/04/2021
this week
MinkLoC++: LiDAR and Monocular Image Fusion for Place Recognition
Python
3d-convolutional-network 3d-vision computer-vision neural-networks metric-learning minkowski-engine multimodal place-recognition
227
Pointcloud viewer
24/04/2018
3 weeks ago
Efficient Large Scale Point Cloud Viewer based on OpenGL
C++
Opengl
Qt
gles glut large-scale scientific-visualization viewer visualization
228
Isosurface
29/10/2017
1 month ago
Rust algorithms for isosurface extraction
Rust
deferred-rasterisation graphics isosurface isosurface-extraction marching-cubes
229
Pcc geo CNN v2
08/04/2020
this week
Improved Deep Point Cloud Geometry Compression
Python
Tensorflow
compression neural-networks geometry
230
CVPR 2020 point cloud analysis
11/06/2020
3 months ago
CVPR 2020 papers focusing on point cloud analysis
computer-vision cvpr cvpr2020 neural-networks
231
Zed ros2 wrapper
12/04/2019
this week
ROS 2 wrapper beta for the ZED SDK
C++
ros2 ros2-wrapper slam stereo-vision zed-camera
232
RGCNN
05/07/2018
8 months ago
Regularized Graph CNN for Point Cloud Segmentation
Python
neural-networks
233
SSN
03/04/2020
1 month ago
SSN: Shape Signature Networks for Multi class Object Detection from Point Clouds (ECCV2020)
Python
3d 3d-detection
234
M3DETR
29/04/2021
this week
Code base for M3DeTR: Multi representation, Multi scale, Mutual relation 3D Object Detection with Transformers
Python
3d-object-detection neural-networks kitti-dataset object-detection transformer waymo-open-dataset
235
Realsense explorer bot
05/11/2021
1 week ago
Autonomous ground exploration mobile robot which has 3 DOF manipulator with Intel Realsense D435i mounted on a Tracked skid steer drive mobile robot. The robot is capable of mapping spaces, exploration through RRT, SLAM and 3D pose estimation of objects around it. This is an custom robot with self built URDF model.The Robot uses ROS's navigation stacks .
Cmake
autonomous-vehicles pose-estimation realsense-d435i realsense-ros ros ros-navigation rtab-map slam
236
Pointnet2 Pytorch
20/04/2019
this week
A clean PointNet++ segmentation model implementation. Support batch of samples with different number of points.
Python
Pytorch
pointnet pointnet2 segmentation
237
Pa aug.Pytorch
01/09/2020
3 weeks ago
Part Aware Data Augmentation for 3D Object Detection in Point Cloud (https://arxiv.Org/abs/2007.13373)
Python
3d-object-detection data-augmentation lidar
238
6DPoseAnnotator
20/11/2018
1 month ago
An interactive 6 degree of freedom (DoF) pose annotation tool using point cloud processings.
Python
open3d
239
Point cloud filter
09/08/2017
1 month ago
Scripts showcasing filtering techniques applied to point cloud data.
Python
filtering pcl perception ransac ros ubuntu udacity voxels
240
FLAT
06/10/2020
1 week ago
[ICCV2021 Oral] Fooling LiDAR by Attacking GPS Trajectory
Python
3d-object-detection 3d-perception adversarial-attacks ai-safety autonomous-driving neural-networks gnss lidar robotics trustworthy-ai trustworthy-machine-learning
241
Pointnet Pytorch
09/10/2018
3 months ago
This is the Pytorch implementation of PointNet on semantic segmentation task.
Python
Pytorch
242
OpenCVB
21/10/2019
4 weeks ago
OpenCV .Net application supporting several RGBD cameras Kinect, Intel RealSense, Luxonis Oak D, Mynt Eye D 1000, and StereoLabs ZED 2
.net
Opencv
Opengl
algorithms azure-camera depth-image imu intel-cameras intel-d4xx-cameras kinect4azure librealsense2 mynt-eye mynteye oak-d opencv-python opencvsharp python-script visual-studio zed2
243
PCReg.Pytorch
09/11/2020
this week
A Simple Point Cloud Registration Network based on PointNet.
Python
neural-networks pointnet point-cloud-registration
244
Vision
19/01/2021
this week
3D Vision functions with end to end support for deep learning developers, written in Ivy.
Python
Mxnet
Pytorch
Tensorflow
3d neural-networks depth ivy jax numpy rendering sdf vision voxels
245
DPDist
17/04/2020
1 month ago
DPDist : Comparing Point Clouds Using Deep Point Cloud Distance (ECCV2020)
Python
3d-comparing 3d-computer-vision
246
MVTN
09/08/2021
3 weeks ago
Pytorch implementation of the ICCV'21 paper "MVTN: Multi View Transformation Network for 3D Shape Recognition"
Python
Pytorch
3d 3d-models classification neural-networks iccv2021
247
Birdnet2
12/03/2020
1 week ago
Official Pytorch implementation of Birdnet+
Python
Pytorch
autonomous-driving neural-networks object-detection
248
Setvae
30/03/2021
this week
[CVPR'21] SetVAE: Learning Hierarchical Composition for Generative Modeling of Set Structured Data
Python
Pytorch
3d-generation attention-mechanism permutation-invariant-training transformer vae
249
3Darxiv
3d-segmentation 3d-shape point-cloud-analysis scale-point-clouds
250
Pcc geo CNN
08/04/2019
1 week ago
Learning Convolutional Transforms for Point Cloud Geometry Compression
Python
Tensorflow
compression geometry neural-networks
251
Qecnetworks
23/08/2020
2 weeks ago
Official implementation of the ECCV 2020 Oral Paper "Quaternion Equivariant Capsule Networks for 3D Point Clouds"
Python
3d pose-estimation quaternion
252
NPYViewer
04/09/2020
3 weeks ago
A simple GUI tool that provides multiple ways to view .Npy files containing 2D NumPy Arrays.
Python
3d 3d-coordinate array csv-export csv-import greyscale height-map heightmap heightmaps images matrix npy npy-files numpy numpy-arrays viewer visualization
253
Lvr2
01/03/2019
1 month ago
Las Vegas Reconstruction 2.0
C++
large-scale reconstruction surfaces
254
Sparse segmentation
12/07/2018
8 months ago
RISS 2018 Segmentation of sparse LiDAR point clouds
Makefile
ground ground-annotation lidar segmentation
255
3D PointCloud Denoising
19/08/2020
this week
A paper list of 3D Point Cloud Denoising
denoise denoising filter noise paper point
256
Silhouette Guided 3D
28/07/2019
1 week ago
Pytorch Code of our WACV2020 paper: Silhouette Guided Point Cloud Reconstruction beyond Occlusion
Python
3d-reconstruction neural-networks occlusion
257
Lowshot shapebias
18/01/2021
3 weeks ago
Learning low shot object classification with explicit shape bias learned from point clouds
Python
Pytorch
3d 3d-vision computer-vision convolutional-neural-networks neural-networks few-shot few-shot-learning low-shot
258
This is a software for finely removing non ground points from point clouds.
C++
Opencv
ground-extraction ground-point lidar morphological-analysis pcl pointcloudprocessing triangulation-delaunay
259
Awesome point cloud deep learning
30/06/2019
2 weeks ago
Paper list of deep learning on point clouds.
Pytorch
neural-networks 3d-detection 3d-segmentation 3d-vision paper-list
260
Kabamaru
06/02/2017
3 weeks ago
Point cloud (RGBD) C++ tools for registration, 3D SLAM, box detection/fitting, and more.
C++
box-detection reconstruction slam
261
Depth Guided Inpainting
21/07/2020
1 month ago
Code for ECCV 2020 "DVI: Depth Guided Video Inpainting for Autonomous Driving"
C++
3d-map apolloscape autonomous-driving computer-vision dataset depth eccv image-inpainting lidar-bg mask object-removal robotics video-inpainting
262
PV RAFT
23/03/2021
1 month ago
[CVPR 2021] PV RAFT: Point Voxel Correlation Fields for Scene Flow Estimation of Point Clouds
Python
3dvision neural-networks scene-flow
263
Welding robot
10/09/2019
1 month ago
30th June, 2019 30th June, 2020. Robotics and Machine Intelligence Lab, The Hong Kong Polytechnic University. This work is supported in part by the Chinese National Engineering Research Centre for Steel Construction (Hong Kong Branch) at The Hong Kong Polytechnic University under grant BBV8, in part by the Research Grants Council of Hong Kong under grant 142039/17E and in part by The Hong Kong Polytechnic University under grant G YBYT
C++
motion-planning welding-robot
264
Digital Forestry Toolbox
13/05/2016
4 weeks ago
A collection of digital forestry tools for Matlab/Octave
Matlab
asprs digital-forestry-toolbox forest forestry laser laser-scanning lidar octave remote-sensing vegetation
265
SGGpoint
12/05/2021
3 weeks ago
[CVPR 2021] Exploiting Edge Oriented Reasoning for 3D Point based Scene Graph Analysis (official Pytorch implementation)
Jupyter
Pytorch
3d computer-vision cvpr cvpr2021 scene-graph scene-graph-classification scene-graph-generation scene-understanding
266
Plane Detection Point Cloud
07/01/2021
this week
Persistence Analysis of Multi scale Planar Structure Graph in Point Clouds
C++
persistence-analysis planar-structures
267
IF Defense
04/10/2020
1 week ago
This is the official Pytorch implementation for paper: IF Defense: 3D Adversarial Point Cloud Defense via Implicit Function based Restoration
Python
Pytorch
3d-attack 3d-reconstruction adversarial-machine-learning neural-networks defense dgcnn implicit-representions pointconv pointnet pointnet2 rs-cnn
268
PointCloudEngine
18/03/2019
2 months ago
Point Cloud Rendering Engine with Octree Generation, Splat Blending, Phong Lighting and Neural Network Evaluation
C++
Pytorch
3d-graphics 3d-scanner blending computer-graphics hdf5 level-of-detail libtorch lod neural-networks octree ply-files points rendering-engine splat windows
269
Learning Directly from Synthetic Point Clouds for "In-the-wild" 3D Face Recognition
Pytorch
270
Sp segmenter
30/03/2016
4 months ago
Superpixel based semantic segmentation, with object pose estimation and tracking. Provided as a ROS package.
C++
Other
classification computer-vision ros sp-segmenter svm-learning svm-model svm-training vision
271
PVRNet
14/07/2019
2 weeks ago
PVRNet: Point View Relation Neural Network for 3D Shape Recognition (AAAI 2019)
Python
Pytorch
3d-shape-recognition neural-networks multi-view
272
Self sample
02/06/2021
this week
Single shape Deep Point Cloud Consolidation [TOG 2021]
Python
Pytorch
neural-networks
273
Project4 Cuda ICP
05/10/2019
2 months ago
Cuda based Iterative Closest Point Algorithm Implementation
Cmake
Cuda
c++ gpu kd-trees
274
GMM FEM
30/01/2015
2 weeks ago
Biomechanically Constrained Point Cloud Registration Using Gaussian Mixture Models
C++
Matlab
finite-element-analysis gaussian-mixture-models point-cloud-registration
275
Catgrasp
03/03/2022
this week
[ICRA 2022] CaTGrasp: Learning Category Level Task Relevant Grasping in Clutter from Simulation
Python
Other
grasp grasp-annotation grasp-planning grasp-point-detection grasping manipulation manipulations perception robotics robotics-simulation simulation
276
SFM MVS
21/08/2020
this week
Structure from Motion (SFM)
Python
data-association reconstruction sfm structure-from-motion
277
A two stage multi modal loss model along with rigid body transformations to regress 3D bounding boxes
Python
Pytorch
3d 3dboundingbox deep-manta kitti monocular-3d-detection monocular-images multimodal-deep-learning object-detection yolov3
278
Tensorflow
279
PCL edge detection
17/12/2015
3 months ago
Edge detection application with PointCloud Library
C++
edge-detection example pcl
280
Geometry dex
03/11/2021
1 week ago
Pytorch Code for "Generalization in Dexterous Manipulation via Geometry Aware Multi Task Learning"
Python
neural-networks dexterous dexterous-robotic-hand reinforcement-learning
281
RealSense
24/02/2018
3 months ago
Extension of RealSense Unity Wrapper [Unofficial]
C#
Opencv
Unity
aruco htc-vive realsense realsense-unity-wrapper
282
CamLiFlow
03/03/2022
this week
[CVPR 2022] CamLiFlow: Bidirectional Camera LiDAR Fusion for Joint Optical Flow and Scene Flow Estimation
Python
cvpr2022 multimodal optical-flow scene-flow
283
Pye57
18/05/2018
this week
Read and write e57 point clouds from Python
Python
e57
284
 Mesorasi: Architecture Support for Point Cloud Analytics via Delayed Aggregation  Tiancheng Xu, Yuhao Zhu, Yu Feng, Paul Whatmough, Boyuan Tian
Point cloud analytics is poised to become a key workload on battery-powered embedded and mobile platforms in a wide range of emerging application domains, such as autonomous driving, robotics, and augmented...
Python
Tensorflow
285
Awesome point cloud scene flow
14/12/2020
1 week ago
A list of point cloud scene flow papers, codes and datasets.
286
 Self Supervised Few Shot Learning on Point Clouds  Charu Sharma, Manohar Kaul
The increased availability of massive point clouds coupled with their utility in a wide variety of applications such as robotics, shape synthesis, and self-driving cars has attracted increased attention...
conference
Pytorch
287
PyKinect2 PyQtGraph PointClouds
16/04/2020
4 weeks ago
Creating real time dynamic Point Clouds using PyQtGraph, Kinect 2 and the Python library PyKinect2.
Python
kinect2 pykinect2 pykinect2-pyqtgraph-pointclouds pyqtgraph python-library-pykinect2
288
AIODrive
14/04/2020
2 weeks ago
Official Python/Pytorch Implementation for "All In One Drive: A Large Scale Comprehensive Perception Dataset with High Density Long Range Point Clouds"
Python
Other
challenges datasets detection evaluation forecasting perception tracking
289
Awesome 3D point cloud attacks
13/10/2020
1 week ago
List of state of the art papers, code, and other resources
adversarial-attacks adversarial-example adversarial-point-clouds attacks neural-networks defense
290
PTT
03/03/2021
this week
Official Pytorch Implementation for "PTT: Point Track Transformer Module for 3D Single Object Trackingin Point Clouds"
Python
neural-networks sot tracking
291
Simple KITTI visualization
22/10/2020
1 week ago
Simple visualization scripts for KITTI and Semantic KITTI dataset
Python
kitti semantic-kitti
292
PointCutMix
05/01/2021
1 month ago
Our code for paper 'PointCutMix: Regularization Strategy for Point Cloud Classification'
Python
neural-networks data-augmentation
293
ViP
05/07/2019
3 weeks ago
A New 3D Detector. Code Will be made public.
3d-object-detection computer-vision kitti nuscenes
294
Roofn3D
06/02/2019
2 months ago
Roof Classification, Segmentation, and Damage Completion using 3D Point Clouds
Jupyter
computer-vision neural-networks multi-task roof roof-classification roofn3d
295
ModelNet C
05/02/2022
this week
Benchmarking and Analyzing Point Cloud Classification under Corruptions https://arxiv.Org/abs/2202.03377
Python
3dvision robustness
296
PwMVS
18/07/2018
3 months ago
CPU implementation of "Pixelwise View Selection for Unstructured Multi View Stereo (Schnberger et al.)"
C++
dense-reconstruction fusion multiview-stereo mvs
297
Point2Sequence
12/03/2019
1 month ago
Point2Sequence: Learning the Shape Representation of 3D Point Clouds with an Attention based Sequence to Sequence Network
Python
Other
3d classification neural-networks segmentation
298
 Neural Point Cloud Rendering via Multi Plane Projection  Bing Zeng, yinda zhang, Zhuwen Li, Shuaicheng Liu, Peng Dai
We present a new deep point cloud rendering pipeline through multi-plane projections. The input to the network is the raw point cloud of a scene and the output are image or image sequences from a novel...
conference
Tensorflow
299
 Few Shot Point Cloud Region Annotation with Human in the Loop  Siddhant Jain, David Held, Sowmya Munukutla
We propose a point cloud annotation framework that employs human-in-loop learning to enable the creation of large point cloud datasets with per-point annotations. Sparse labels from a human annotator are...
Tensorflow
300
 Label Efficient Learning on Point Clouds using Approximate Convex Decompositions  Erik Learned-Miller, Subhransu Maji, Rui Wang, Gopal Sharma, Aruni RoyChowdhury, Matheus Gadelha, Liangliang Cao, Evangelos Kalogerakis
The problems of shape classification and part segmentation from 3D point clouds have garnered increasing attention in the last few years. Both of these problems, however, suffer from relatively small training...
conference
Pytorch
301
Fastreg
28/04/2021
1 month ago
Fast and Robust Registration of Partially Overlapping Point Clouds in Driving Applications
Python
Pytorch
neural-networks point-cloud-registration autonomous-vehicles lidar pose-estimation self-driving-cars
302
PCL ground filter
19/03/2018
3 months ago
Progressive Morphological Filter for Ground Extraction of LiDAR Data using PCL
C++
ground-estimation lidar pcl
303
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference
homepage
Python
Tensorflow
Keras
neural-networks segmentation tensorflow2 tpu
304
Antsy3D
04/08/2017
5 months ago
In browser point cloud annotation tool for instance level segmentation with fat markers
Javascript
annotation object-segmentation point-cloud-visualizer
305
3D Ground Segmentation
09/12/2020
this week
A ground segmentation algorithm for 3D point clouds based on the work described in Fast segmentation of 3D point clouds: a paradigm on LiDAR data for Autonomous Vehicle Applications, D. Zermas, I. Izzat and N. Papanikolopoulos, 2017. Distinguish between road and non road points. Road surface extraction. Plane fit ground filter
C++
extraction ground ground-segmentation lastools lidar non-ground preprocessing road-surface
306
Fml
23/11/2018
3 months ago
FML (Francis' Machine Learnin' Library) A collection of utilities for machine learning tasks
Python
Pytorch
chamfer earth-mover-distance neural-networks optimal-transport regularized-optimal-transport sinkhorn sinkhorn-distance wasserstein
307
Aframe pointcloud component
04/08/2017
1 month ago
A Point Cloud component for [A Frame](https://aframe.Io).
Javascript
a-frame
308
PU Net Pytorch
25/04/2020
this week
Pytorch Implementation of PU Net. PU Net: Point Cloud Upsampling Network, CVPR 2018
Python
Pytorch
cvpr2018 pu-net upsampled-point-clouds
309
Keypoint Learning
18/03/2016
this week
Code for "Learning a Descriptor Specific 3D Keypoint Detector" and "Learning to detect good 3D keypoints" ICCV 2015, IJCV 2018
C++
3d 3d-keypoints computer-vision descriptor iccv2015 ijcv keypoint-learning keypoints keypoints-detector neural-networks random-forest
310
Cloud to map
05/08/2015
1 month ago
Algorithm that converts point cloud data into an occupancy grid
C++
occupancy-grid-map pcl ros
311
Volumentations
12/04/2020
1 month ago
Augmentation package for 3D data based on albumentaitons
Python
3d albumentations data-augmentation neural-networks mesh
312
Skelnet
02/03/2019
this week
Keras code of my 2019 CVPR Workshop paper "Pyramid U Network for Skeleton Extraction from Shape Points"
Python
pspu-skelnet skeleleton skelneton
313
Potree23Dtiles
15/11/2018
3 weeks ago
Potree pointcloud to cesium 3Dtiles
Python
cesium cesium-3dtiles potree
314
Fastremap
16/01/2019
this week
Remap, mask, renumber, unique, and in place transposition of 3D labeled images. Point cloud too.
Python
array-manipulations biomedical-image-processing cython in-place in-place-transposition looping masking numpy remap remapping renumbering transpose unique
315
Point Cloud Triangulation
29/11/2014
this week
C++ code for triangulating Point Cloud data and displaying it
C++
Opengl
delaunay-triangulation point-cloud-triangulation triangle-mesh
316
SimpleOctree
28/04/2013
4 weeks ago
A simple and very fast Octree Implementation that supports Nearest Neigbour Search
C++
datastructures octree
317
Pcmatch
27/05/2017
3 weeks ago
Iterative closest point (ICP) to match point clouds to templates
Javascript
iterative-closest-point point-cloud-visualizer point-registration
318
ROPNet
19/09/2021
2 weeks ago
Point Cloud Registration using Representative Overlapping Points.
Python
modelnet40 point-cloud-registration
319
GPDNet
03/07/2020
3 months ago
Learning Graph Convolutional Representations for Point Cloud Denoising (ECCV 2020)
Python
denoised-point-clouds denoising graph-neural-networks shapenet
320
3D CNN Emotion Recognition
18/08/2018
1 month ago
Volumetric CNN for Emotion Recognition for iPhone face dataset
Python
Keras
convolutional-neural-networks neural-networks emotion-recognition volumetric
321
Superpose3D
25/11/2017
1 month ago
Register 3D point clouds using rotation, translation, and scale transformations.
Python
3d cryo-em cryoem point-cloud-registration rmsd scale-transformations structure-comparison
322
PointCloudToolBox
11/09/2021
this week
Point cloud processing tool library.
Python
mesh visualization voxels
323
Costmap depth camera
11/12/2020
2 months ago
This is a costmap plugin for costmap 2D pkg. This plugin supports multiple depth cameras and run in real time.
C++
costmap-2d costmap-2d-layer depth-camera
324
GA DDPG
30/06/2021
1 week ago
A 6D Grasping Policy for Point Clouds
Python
grasping reinforcement-learning
325
SimPCL
26/07/2018
3 months ago
Point Cloud Filtering and Mapping package for ROS
C++
mapping pcl ros stereo-vision zed-camera
326
PointCloudUtilities
12/09/2018
this week
Utilities for point cloud processing. Read ply, write ply, search nearest neighbors using octree ...
Java
nearest-neighbor-search octree ply-reader ply-writer point-cloud-processing
327
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference

 GAPNet: Graph Attention based Point Neural Network for Exploiting Local Feature of Point Cloud  Antonios Tsourdos, Luca Zanotti Fragonara, Can Chen
Exploiting fine-grained semantic features on point cloud is still challenging due to its irregular and sparse structure in a non-Euclidean space. Among existing studies, PointNet provides an efficient...
Tensorflow
328
ICP
17/04/2017
3 weeks ago
3D Point Cloud registration using ICP
Python
icp
329
PointSite
30/01/2020
2 weeks ago
PointSite: a point cloud segmentation tool for identification of protein ligand binding atoms
C++
Pytorch
neural-networks protein-structure
330
IPad PLY scanner
29/03/2021
2 weeks ago
Archiving purpose repository of point cloud scanner using ARKit4 and LiDAR
Swift
arkit ios
331
Transferable3D
26/07/2019
3 months ago
Transferable Semi supervised 3D Object Detection from RGB D Data, ICCV 2019
Python
3d-object-detection kitti-dataset semi-supervised-learning sun-rgbd transfer-learning
332
Pixano elements
13/12/2019
this week
Pixano Elements Re usable web components dedicated to data annotation tasks.
Typescript
Other
annotation annotation-tool annotations bounding-box computer-vision cuboid neural-networks detection image-annotation image-labeling instance-segmentation keypoints panoptic-segmentation point-cloud-labeling polygon semantic-segmentation video-annotation video-labeling web-components
333
TD PointCloud Converter
27/07/2019
1 month ago
To use the GPU to process point clouds, convert point cloud assets into location texture (.EXR). Created with TouchDesigner.
touchdesigner touchdesigner-components
334
Learn region grow
05/09/2019
1 month ago
LRGNet: Learnable Region Growing for Point Cloud Segmentation
Python
neural-networks region-growing robotics segmentation
335
 Spatial Transformer for 3D Point Clouds  Stella X. Yu, Rudrasis Chakraborty, Jiayun Wang
Deep neural networks are widely used for understanding 3D point clouds. At each point convolution layer, features are computed from local neighborhoods of 3D points and combined for subsequent processing...
Python
Caffe2
336
ECCV 2020 point cloud analysis
04/07/2020
1 month ago
ECCV 2020 papers focusing on point cloud analysis
neural-networks eccv-2020 point
337
Point Cloud Ground Segmentation
22/08/2019
7 months ago
Ground Segmentation Package in ROS.
Python
ground-segmentation kitti-dataset kitti-scene lidar lidar-data lidar-ground lidar-point-cloud pca pcd ros roslaunch
338
Bisec tree
17/01/2018
4 months ago
Bisector tree implementation in OCaml
Ocaml
bisector-tree distance metric nearest-neighbor-search nearest-neighbours ocaml-library point-query range-query static-spatial-indexing
339
Morton net
22/05/2019
this week
Pytorch implementation to train MortonNet and use it to compute point features. MortonNet is trained in a self supervised fashion, and the features can be used for general tasks like part or semantic segmentation of point clouds.
Python
Pytorch
computer-vision neural-networks mortonnet s3dis segmentation self-supervised-learning shapenet vkitti
340
Lepcc
07/03/2018
2 months ago
Point Cloud Compression used in i3s Scene Layer Format
C++
compression lerc
341
Bat 3D
13/01/2021
2 months ago
3D Bounding Box Annotation Tool 2.0 (3D BAT 2.0): Labeling of 3D LiDAR Point Clouds and Camera Images
Javascript
Other
2d-object-detection 3d-bounding-box 3d-object-detection annotation automatic cloud interpolation labeling lidar point tool web
342
LiDAR obstacle detection
17/06/2019
6 months ago
Project: LiDAR Obstacle Detection || Udacity: Sensor Fusion Engineer Nanodegree
C++
lidar lidar-point-cloud obstacle-detection pcl
343
Ortho project a point cloud to XY, YZ, ZX planes.
Python
344
IcpSparse
16/03/2017
2 months ago
Implementation of the sparse icp algorithm
C++
algorithm point-cloud-registration sparsity
345
IILFM
30/01/2022
1 week ago
This is a fiducial marker system designed for LiDAR sensors. Different visual fiducial marker systems (Apriltag, ArUco, CCTag, etc.) Can be easily embedded. The usage is as convenient as that of the visual fiducial marker. The system shows potential in SLAM, multi sensor calibration, augmented reality, and so on.
C
apriltag aruco aruco-marker augmented-reality cctag fiducial-markers lidar lidar-calibration lidar-camera-calibration lidartag robotics ros slam
346
Persee depth image server
24/01/2018
4 months ago
Stream openni2 depth images over the network
C++
openni2 orbbec pcl
347
Open Infra Platform
28/03/2020
1 month ago
This is the official repository of the open source Open Infra Platform software (as of April 2020).
C++
Other
boost building-information-modelling ifc infrastructure okstra
348
 Hypernetwork approach to generating point clouds  Tomasz Trzciński, Maciej Zięba, Przemysław Spurek, Maciej Zamorski, Sebastian Winczowski, Jacek Tabor
In this work, we propose a novel method for generating 3D point clouds that leverage properties of hyper networks. Contrary to the existing methods that learn only the representation of a 3D object, our...
conference
Python
Pytorch
hypernetworks
349
Tree detection
29/07/2021
3 weeks ago
This package implements a simple tree detector from point cloud data. It makes no assumptions about the ground plane and can handle arbitrary terrains.
C++
detection ros tree tree-detection
350
3Dmcap
06/03/2018
3 weeks ago
3 Demeter Capture is a tool for building 3 D point clouds from images
Python
Other
3-dimension computer-vision phenotyping
351
SFM Disambiguation
12/09/2018
1 week ago
Code for CVPR 2017 paper Distinguishing the Indistinguishable: Exploring Structural Ambiguities via Geodesic Context.
C++
3d-reconstruction bundle-adjustment bundler-sfm cvpr-2017 disambiguation image-based-modeling multiview-stereo multiview-triangulation structure-from-motion
352
Probabilistic Point Clouds Registration
353
Water Tight Surface Reconstruction of 3D Point Cloud Data using the Ball Pivoting Algorithm
Processing
3d-modeling ball-pivoting-algorithm computational-geometry computer-graphics delaunay-triangulation image-reconstruction mesh-generation surface-reconstruction surface-samples triangle-mesh
354
Pc2vid
19/09/2017
1 month ago
Converts set of point clouds to a video using Three.JS
Html
Javascript
Python
3d video visualization
355
PCLjava
02/10/2018
2 weeks ago
A port of the Point Cloud Library (PCL) using Java Native Interface (JNI).
C++
jni-wrapper maven pcl pcl-library
356
Record3D offline unity demo
15/03/2021
2 weeks ago
IPhone/iPad > Unity VFX Graph demo (pre recorded 3D Video playback)
C#
Unity
ios vfxgraph
357
Perfecttin
24/11/2019
this week
Converts a point cloud to a 2.5D triangulated irregular network
C++
tin
358
Pointnet.Caffe
16/05/2018
1 month ago
Caffe Re implementation of "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" [Qi et al. CVPR 2017]
Python
Caffe
classification pointnet segmentation
359
A list of papers about deep point cloud compression.
360
A list of papers about deep point cloud compression.
361
PVT
27/08/2021
this week
PVT: Point Voxel Transformer for 3D Deep Learning
Python
Pytorch
kitti modelnet40 point-cloud-processing pvt s3dis shapenet sota
362
Pointcloudset
08/06/2021
2 weeks ago
Efficient analysis of large datasets of point clouds recorded over time
Python
3d convert lidar lidar-point-cloud ouster ros rosbag time-series time-series-analysis velodyne-sensor
363
Efficient online learning
08/09/2020
1 month ago
Efficient Online Transfer Learning for 3D Object Classification in Autonomous Driving
C++
3d-object-detection autonomous-driving neural-networks kitti-dataset online-learning random-forest velodyne
364
Rsdb
26/03/2019
1 week ago
Remote Sensing Database
Java
database raster remote-sensing rsdb
365
 Point Cloud Audio Processing  Paris Smaragdis, Krishna Subramani
Most audio processing pipelines involve transformations that act on fixed-dimensional input representations of audio. For example, when using the Short Time Fourier Transform (STFT) the DFT size specifies...
Pytorch
366
 Learning Shape Representation on Sparse Point Clouds for Volumetric Image Segmentation  Mauricio Reyes, Yannick Soom, Olivier Scheidegger, Fabian Balsiger
Volumetric image segmentation with convolutional neural networks (CNNs) encounters several challenges, which are specific to medical images. Among these challenges are large volumes of interest, high class...
Tensorflow
367
3D point cloud denoising using graph Laplacian regularization of a low dimensional manifold model
368
 Transductive Zero Shot Learning for 3D Point Cloud Classification  Shafin Rahman, Lars Petersson, Ali Cheraghian, Dylan Campbell
Zero-shot learning, the task of learning to recognize new classes not seen during training, has received considerable attention in the case of 2D image classification. However despite the increasing ubiquity...


 Zero Shot Learning on 3D Point Cloud Objects and Beyond  Lars Petersson, Dylan Campbell, Townim F. Chowdhury, Shafinn Rahman, Ali Cheraghian
Zero-shot learning, the task of learning to recognize new classes not seen during training, has received considerable attention in the case of 2D image classification. However, despite the increasing ubiquity...
369
Python for Remote Sensing
28/07/2019
this week
Python codes for remote sensing applications will be uploaded here. I will try to teach everything I learn during my projects in here.
Jupyter
Python
neural-networks gdal gdal-python gdal-python-libraries hyperspectral-image-classification hyperspectral-imaging lidar lidar-point-cloud multispectral-images pdal python-pdal remote-sensing satellite-data satellite-imagery satellite-images scikit-learn spacenet-dataset
370
PCReconstruct
07/12/2019
1 month ago
Point cloud completion tool based on dictionary learning. Takes a PCL point cloud surface and fills in gaps or densifies sparse regions by learning from the various surface features of the cloud. This is done using a variation of the k SVD dictionary learning algorithm that allows for continuous atoms and dealing with unstructured point cloud data. Written in Qt C++, using Eigen, OpenMP, and OpenGL.
C++
inpainting ksvd neural-networks point-cloud-completion point-cloud-processing point-cloud-reconstruction sparse-coding
371
FastDesp corrProp
16/09/2017
4 weeks ago
Fast Descriptors and Correspondence Propagation for Robust Global Point Cloud Registration
Matlab
correspondence descriptors global-registration
372
Geometric adv
10/12/2020
this week
Geometric Adversarial Attacks and Defenses on 3D Point Clouds (3DV 2021)
Python
Pytorch
Tensorflow
Other
adversarial-attacks autoencoder-model defense-methods geometry-processing
373
BachelorThesis
23/06/2018
3 months ago
GAN based 3D Object Reconstruction in Point Cloud //
Tex
3d-reconstruction generative-models
374
RoboticPerception
08/09/2017
11 months ago
Explore object recognition, segmentation, and how to process depth data from camera sensors to help a robot better understand and navigate its world.
C++
collision-map color-histogram gazebo perception pipeline pr2 ransac rgb-image robotics rviz surface-normals voxel-grid
375
LiDAR camera calib
30/03/2018
1 month ago
Cmake
camera-calibration cross-calibration lidar ros-kinetic rosbag rviz
376
PIXOR
29/07/2019
2 weeks ago
Unofficial Pytorch Implementation of PIXOR: Real time 3D Object Detection from Point Clouds
Python
3d-object-detection autonomous-driving kitti-dataset
377
Copc lib
23/08/2021
this week
Copc lib provides an easy to use reader and writer interface for creating and reading Cloud Optimized Point Clouds, with bindings for Python and C++
C++
Python
Other
copc las laz spatial
378
Pointcloud viewer
28/09/2017
5 months ago
Javascript
Webgl
girder las opengeoscience viewer
379
SensatUrban BEV Seg3D
15/09/2021
1 week ago
An efficient 3D semantic segmentation framework for Urban scale point clouds like SensatUrban, Campus3D, etc.
Python
Pytorch
bev city-modeling large-scale photogrammetry projection remote-sensing semantic-segmentation sensaturban urban-scale urban3d
380
A list of 3D point cloud completion resources.
381
official implementation for our ICCV 2019 paper : Voxel VAE Net with Group Convolutions for Point Cloud Segmentation
382
Dipole normal prop
10/05/2021
1 month ago
Learning Normal Orientation For Point Clouds [SIGGRAPH 2021]
Python
Pytorch
neural-networks
383
Sr
09/02/2021
this week
3D Reconstruction and Camera Tracking
C++
Cmake
Opencv
3d-reconstruction camera-calibration camera-tracking ceres-solver cgal cmakelists computer-vision docker dockerfile mesh pcl photogrammetry structure-from-motion texture
384
Finding your center
21/05/2020
this week
Public repository for paper "Finding Your (3D) Center: 3D object detection using a learned loss"
Python
3d 3d-vision neural-networks
385
QuadricLoss
16/08/2019
9 months ago
Learning Embedding of 3D models with Quadric Loss
Python
Pytorch
3d-reconstruction auto-encoder loss-functions neural-networks mesh-networks
386
LasIO.Jl
24/05/2016
1 week ago
Julia package for reading and writing the LAS LiDAR format.
Julia
Other
io las laz lidar
387
Photo4D
28/05/2017
1 month ago
Package to compute point cloud models using photogrammetry from time lapse imagery
Python
dems micmac pdal photogrammetry photography time-lapse
388
Displaz.Jl
14/01/2016
5 months ago
Julia bindings for the displaz LiDAR viewer
Julia
Other
lidar plotting visualization
389
Cascasde 3D
10/08/2021
2 weeks ago
3D cascade RCNN for object detection on point cloud
Python
3d-object-detection cascade-detection object-detection
390
Ponca
29/01/2019
3 months ago
Ponca (fomerly known as Patate) is a header only C++/Cuda library for point cloud analysis
C++
Other
apss fitting header-only plane-fitting
391
Hindsight
06/10/2021
this week
Code release for "Hindsight is 20/20: Leveraging Past Traversals to Aid 3D Perception" [ICLR 2022]
Python
Pytorch
3d-detection autonomous-driving hindsight object-detection
392
Deep AutoEncoder-based Lossy Geometry Compression for Point Clouds.
393
Awesome paper/code for point clouds with deep learning methods in detection and tracking
394
This repository contains papers and codes for Point Cloud Registration.
395
(ICCV 2021) Learning Inner-group Relations on Point Clouds
396
 ORB SLAM: a Versatile and Accurate Monocular SLAM System  Raul Mur-Artal, J. M. M. Montiel, Juan D. Tardos
This paper presents ORB-SLAM, a feature-based monocular SLAM system thatoperates in real time, in small and large, indoor and outdoor environments. Thesystem is robust to severe motion clutter, allows...
397
 Fast and Robust Ground Surface Estimation from LiDAR Measurements using Uniform B Splines  Christoph Stiller, Frank Bieder, Kevin Rösch, Sascha Wirges
We propose a fast and robust method to estimate the ground surface from LiDAR measurements on an automated vehicle. The ground surface is modeled as a UBS which is robust towards varying measurement densities...
398
Pcp
30/08/2017
1 years ago
Label KITTI point cloud (3D) drivable area using provided image annotations (2D)
Python
annotation kitti-dataset
399
PointHop
25/07/2019
3 months ago
PointHop: An Explainable Machine Learning Method for Point Cloud Classification
Python
3d-classification classification feedforward neural-networks
400
PREDATOR
26/09/2021
1 week ago
An inofficial Pytorch implementation of PREDATOR based on KPConv.
C++
3dmatch neural-networks predator point-cloud-registration
401
Stereo
04/07/2020
2 weeks ago
Stereo 3D Reconstruction for two views
Python
computer-vision disparity-map stereo
402
Xihe
24/05/2021
1 week ago
The official repo for Xihe: A 3D Vision based Lighting Estimation Framework for Mobile Augmented Reality (MobiSys'21)
Jupyter
graphics lighting-estimation mobile-system mobisys2021 vision
403
Pointcloud surface
30/08/2021
1 week ago
Ground surface estimation algorithms based on point clouds.
C++
fusion lidar publication spline
404
Superpose3D cpp
23/11/2019
3 weeks ago
Header only C++ library for registering 3D point clouds using rotation, translation, and scale transformations
C++
3d header-only point-cloud-registration rmsd scale-transformations
405
R PCC
14/09/2021
1 week ago
R PCC: A Baseline for Range Image based Point Cloud Compression
Python
compression
406
Sverchok open3D
14/02/2021
this week
Use the power of the Ope3D library with the visual scripting environment of Sverchok inside Blender
Python
blender open3d sverchok triangle-mesh
407
 Adapt Everywhere: Unsupervised Adaptation of Point Clouds and Entropy Minimisation for Multi modal Cardiac Image Segmentation  Nishant Ravikumar, Andreas Maier, Ronak Kosti, Mingxuan Gu, Sulaiman Vesal
Deep learning models are sensitive to domain shift phenomena. A model trained on images from one domain cannot generalise well when tested on images from a different domain, despite capturing similar anatomical...
Pytorch
408
Points2poly
08/02/2021
1 week ago
Reconstructing compact building models from point clouds using deep implicit fields
Python
3d building reconstruction
409
Point cloud scene completion
12/09/2020
this week
Point Cloud Scene Completion of Obstructed Building Facades with Generative Adversarial Inpainting
Python
building-facade neural-networks generative-adversarial-network scene-completion
410
Aerial pc classification
26/03/2020
6 months ago
Segmentation of urban aerial point clouds with Deep Learning in Pytorch.
Python
Pytorch
aerial-imagery aerial-point-clouds neural-networks
411
Pointcloud Render
18/10/2011
11 months ago
(Eyebeam #10 of 13) Convert a grayscale depth map image to a point cloud; save in formats including OBJ, PLY, ASC.
Processing
Java
Other
computer-vision depth-map
412
Robot
05/09/2016
3 weeks ago
Research about vision perception
C++
3d face-recognition hand-recognition object-detection object-recognition perception reconstruction vision
413
Gazebo Model for Turtlebot 3 Waffle robot with Intel RealSense Camera with ROS2 plugins.
depth-camera gazebo intel-realsense ros2
414
Sdrsac
05/06/2019
4 months ago
Python package of SDRSAC(Global point cloud regitsration, CVPR2019 Oral)
Python
cvpr2019 global-registration point-cloud-registration pybind11
415
Kinect toolbox
29/02/2020
3 months ago
A Python wrapper for the Kinect built on pylibfreenect2.
Python
depth-camera kinect kinect-sensor kinect-toolbox kinect-v2 pylibfreenect2
416
House of cards
18/08/2018
11 months ago
Display of Radiohead's House of Cards point cloud data
C#
Unity
magic-leap radiohead
417
LowCost3DReconstruction
05/08/2019
1 week ago
Repository for software and assets developed during Eberty's master's project
C++
3d-reconstruction alignment computer-graphics computer-graphics-pipeline depth-sensor kinect mesh meshlab multi-view-stereo openmvs pcl pipeline point-cloud-registration sfm shell-script structure-from-motion super4pcs texture
418
ROS project using object recognition using point cloud data from an RGB D camera to communicate pick & place instructions to a PR2 two armed robot.
C++
gazebo-simulator moveit robotics ros rviz
419
Railroad
15/06/2018
2 weeks ago
Robust Railroad Infrastructure Detection Framework
C++
Opencv
lastools lidar pcl railroad
420
 A novel tree structured point cloud dataset for skeletonization algorithm evaluation  Jianlin Zhou, Yan Lin, Ji Liu
Curve skeleton extraction from unorganized point cloud is a fundamental task of computer vision and three-dimensional data preprocessing and visualization. A great amount of work has been done to extract...
421
Frustum Pointpillars
20/10/2021
this week
Frustum PointPillars: A Multi Stage Approach for 3D Object Detection using RGB Camera and LiDAR
Python
Pytorch
3d-object-detection autonomous-driving neural-networks frustum-pointnet lidar pedestrian-detection pointpillars real-time rgb sensor-fusion
422
OpenCV 3D
02/06/2021
3 months ago
Point cloud related algorithm repository, developed based on OpenCV. Include Voxel Grid Filter Sampling, Random Sampling, Farthest Point Sampling (FPS), Total Least Squares Plane Estimate, Random Sample Consensus (RANSAC), Multi plane Detection/Segmentation in Point Cloud...
C++
sampling segmentation
423
Blickfeld scanner lib
14/05/2020
1 month ago
Cross platform library to communicate with LiDAR devices of the Blickfeld GmbH.
C++
blickfeld cross-platform depth-image lidar point-cloud-library point-cloud-processing range-image
424
RTLS
20/12/2018
1 month ago
RTLS: Tools to Process Point Clouds Derived from Terrestrial Laser Scanning
R
lidar tls
425
P3Dpy
23/02/2021
1 month ago
Simple pointcloud toolkit and browser based viewer for Python.
Javascript
Three-js
fastapi jetson numpy raspberry-pi
426
MachineLearning AI
12/12/2021
this week
This repository contains all the work that I regularly did and studied from Medium blogs, various research papers, and other Repos.
Pytorch
3d-computer-vision audio-signal-processing computer-vision convolutional-neural-networks neural-networks generative-models gradcam gradcam-visualization graph-neural-networks human-activity-based-optimization image-classification transformers vision-transformer
427
Pc2pix
08/01/2019
1 years ago
Keras code of my 2019 CVPR Workshop paper "A Conditional Generative Adversarial Network for Rendering Point Clouds"
Python
render
428
Dsrv data
28/01/2022
3 weeks ago
Data, code and pretrained models for Deep Surface Reconstruction from Point Clouds with Visibility Information
Python
3d-reconstruction computer-vision neural-networks lidar
429
BADet
17/01/2022
3 weeks ago
Rui Qian, Xin Lai, Xirong Li: BADet: Boundary Aware 3D Object Detection from Point Clouds (Pattern Recognition 2022)
Python
autonomous-driving neural-networks object-detection
430
 HyperPocket: Generative Point Cloud Completion  Tomasz Trzciński, Jacek Tabor, Łukasz Struski, Sławomir Tadeja, Diana Janik, Marcin Mazur, Artur Kasymov, Przemysław Spurek
Scanning real-life scenes with modern registration devices typically give incomplete point cloud representations, mostly due to the limitations of the scanning process and 3D occlusions. Therefore, completing...
Pytorch
431
 Rendering Point Clouds with Compute Shaders and Vertex Order Optimization
While commodity GPUs provide a continuously growing range of features and sophisticated methods for accelerating compute jobs, many state-of-the-art solutions for point cloud rendering still rely on the...
432
Experiments on point cloud segmentation.
Pytorch
433
Experiments on point cloud segmentation.
Pytorch
434
 Self supervised Learning of Point Clouds via Orientation Estimation  Han Qiao, Omid Poursaeed, Nayun Xu, Tianxing Jiang, Vladimir G. Kim
Point clouds provide a compact and efficient representation of 3D shapes. While deep neural networks have achieved impressive results on point cloud learning tasks, they require massive amounts of manually...
Tensorflow
435
Ycb scripts
20/12/2018
1 month ago
Scripts to generate and process point clouds in YCB dataset.
Python
3d grasp ycb
436
Registration
12/05/2020
1 month ago
Registration algorithms (e.G. ICP) for Python with PCL backend.
C++
Python
icp iterative-closest-point ndt pcl pcl-library point-cloud-registration registration-algorithm wrapper
437
LiDARtoolkit
05/06/2019
10 months ago
Simplifying LiDAR point cloud processing and rapid prototyping
Python
kitti-dataset lidar lidar-data lidar-data-manipulation lidar-object-tracking lidar-point-cloud
438
Segmentation
01/12/2016
1 month ago
Supplementary material for paper D. Bobkov et al. "Noise resistant Unsupervised Object Segmentation in Multi view Indoor Point Clouds", 2017. The paper is presented in 12th International Joint Conference on Computer Vision, Imaging and Computer Graphics Theory and Applications in Porto, Portugal in February 2017
C++
dataset paper segmentation
439
OpenLiDARToolbox
09/03/2021
1 week ago
Open LiDAR Toolbox is a QGIS Plugin for ALS Data by Stefan Eichert, Benjamin tular and Edisa Lozi 2021
Python
airborne-laserscanner archaeology gis lidar lidar-data lidar-point-cloud qgis-plugin remote-sensing
440
Dgnn
10/11/2021
this week
Scalable Surface Reconstruction with Delaunay Graph Neural Networks [SGP 2021]
Python
delaunay-triangulation graph-neural-networks sgp surface-reconstruction
441
TGNet
29/10/2020
3 months ago
TGNet: Geometric Graph CNN on 3 D Point Cloud Segmentation
Python
neural-networks gcn-architecture segmentation semantic-segmentation
442
PointCloudComparator
15/06/2017
3 months ago
Trying to compute the completeness of a 3D map and compare it to another 3D map in a pointcloud format
Makefile
3d-map comparison computer-vision pcl-library point-cloud-comparator point-cloud-comparison point-cloud-segmentation
443
TFM Velodyne
17/01/2019
9 months ago
Master Thesis on processing point clouds from Velodyne VLP 16 LiDAR sensors with PCL in ROS to improve localization method, based on Extended Kalman Filter.
C++
algorithm ekf ekf-localization master-thesis pcl ros sensor velodyne vertical-elements vlp-16
444
Schwarzwald
26/10/2020
1 month ago
Create 3D Tiles and Potree tiles from raw point clouds
C++
445
PointHop2
14/02/2020
1 month ago
PointHop++: A Lightweight Learning Model on Point Sets for 3D Classification
Python
3d-classification 3d-graphics classification
446
Stereo 3D Reconstruction
27/11/2018
1 month ago
Implementation of "Toward 3D Object Reconstruction from Stereo Images" (Xie et al. Neurocomputing 2021)
Pytorch
3d-reconstruction neural-networks stereo-images voxels
447
Cycpd
06/04/2020
3 weeks ago
Cython implementation of Coherent Point Drift (CPD)
Python
cpd cython image-processing medical-imaging point-cloud-registration
448
The code for the paper `Curve Skeleton Extraction via kNearestNeighbors Based Contraction`
Java
skeleton-extraction
449
Point Transformer Cls
20/12/2020
11 months ago
My own (unofficial) implementation of the Point Transformer Network, currently for classification tasks.
Python
Pytorch
neural-networks transformer
450
Geo CNN Pytorch PYG
04/06/2020
6 months ago
A Pytorch Implementation of Modeling Local Geometric Structure of 3D Point Clouds using Geo CNN
Python
Pytorch
3d-poin geo-cnn geocnn pyg
451
Geo3Dfeatures
09/12/2019
1 month ago
Migrated to: https://gitlab.Com/Oslandia/geo3Dfeatures
Python
neural-networks
452
3DRegistration
14/09/2017
5 months ago
3D Rigid Registration monorepo
C++
point-cloud-registration computer-vision
453
Find superquadric
02/04/2018
1 month ago
Fit a partial point cloud with a superquadric
C++
fitting ipopt optimization superquadrics vtk
454
Find ground breaking 3D point cloud analysis papers
455
 Crop Height and Plot Estimation for Phenotyping from Unmanned Aerial Vehicles using 3D LiDAR  Qian Zhu, Tianshu Xu, Kshitiz Dhakal, Kevin Yu, Song Li, James Friel, Harnaik Dhami, Pratap Tokekar
We present techniques to measure crop heights using a 3D Light Detection and Ranging (LiDAR) sensor mounted on an Unmanned Aerial Vehicle (UAV). Knowing the height of plants is crucial to monitor their...
456
Code snippets used in the paper: 3D Object Recognition with Ensemble LearningA Study of Point Cloud-Based Deep Learning Models
Pytorch
457
 3D Object Recognition with Ensemble Learning A Study of Point Cloud Based Deep Learning Models  Tarek El-Gaaly, Łukasz Chechliński, Daniel Koguciuk
In this study, we present an analysis of model-based ensemble learning for 3D point-cloud object classification and detection. An ensemble of multiple model instances is known to outperform a single model...
Pytorch
458
Raycloudtools
20/11/2020
1 month ago
C++
Other
library raycloud
459
Mask Objects from RGBD
21/03/2019
2 months ago
Put objects on a plane. Use depth camera to find them and add label (for training Yolo).
Python
plane-detection
460
SDCoT
20/01/2022
3 weeks ago
[AAAI 2022 Oral] Static Dynamic Co Teaching for Class Incremental 3D Object Detection
Pytorch
3d 3d-object-detection class-incremental-learning
461
SensatUrban sol tf
25/09/2021
1 month ago
The 2nd solution (68.1 mIoU) for ICCV workshop challenge SensarUrban
C++
benchmark city-modeling semantic-segmentation sensaturban urban-scale urban3d
462
Mesh Attack
25/04/2021
1 month ago
Our code for paper '3D Adversarial Attacks Beyond Point Cloud '
Python
adversarial-attacks neural-networks mesh
463
DenseMap
27/11/2020
this week
Creates a dense depth map from LiDAR point clouds.
Python
depth-map kitti-dataset lidar projection-mapping
464
Happy Reconstruction
26/01/2020
2 weeks ago
(3D Reconstruction) Space Codificationcoded structured lightone shot De Bruijn wavelet transform95mm17W (Point Cloud) 0.678mm
C++
3d-reconstruction coded-structured-light
465
Pytorch implementation of Pointwise Convolutional Neural Networks in CVPR 2018.
Python
Pytorch
3d object-detection pointwise
466
LiDAR Road Analysis
27/12/2018
3 months ago
Given a 3D point cloud obtained by a LiDAR sensor mounted on a car, output the road properties such as road boundaries, lane markings, lane geometry.
Python
lidar-point-cloud self-driving-car
467
Point cloud alignment
08/07/2019
2 months ago
Useful links regarding aligning two Point Clouds
iterative-closest-point
468
BANet
14/03/2021
3 weeks ago
Rui Qian, Xin Lai, Xirong Li: BADet: Boundary Aware 3D Object Detection from Point Clouds (Pattern Recognition 2022)
autonomous-driving neural-networks object-detection
469
Awesome 3D Anomaly Detection
23/12/2021
this week
Awesome 3D Anomaly Detection and Localization/Segmentation
3d 3d-ad 3d-ads anomaly-detection depth-map segmentation
470
Pcc attr folding
19/11/2019
3 months ago
Folding based compression of point cloud attributes
Python
Tensorflow
attributes compression neural-networks
471
Structrock
05/01/2016
1 month ago
A cross platform outcrop point cloud processing system.
C++
characterization engineering-geology fracture-extraction pcl region-growing structural-geology workflow
472
Stereo pothole datasets
06/08/2019
5 months ago
Pothole Detection Based on Disparity Transformation and Road Surface Modeling (T IP)
Matlab
computer-vision disparity-map disparity-maps pothole potholes road roads stereo-vision surface-modeling
473
Point Cloud Renderer
05/09/2019
2 weeks ago
Uses compute shaders to write positions, velocities, normals or colors to their own render textures. These render textures can then be used by the VFX graph to render the point cloud in Unity. Generally expect decent performance up to around 1 million particles.
C#
Unity
rendering
474
PS 2Net
29/06/2020
2 months ago
[ICPR 2020] PS2 Net: A Locally and Globally Aware Network for Point Based Semantic Segmentation
Python
Pytorch
3d 3d-segmentation semantic-segmentation
475
Grasping in point clouds
07/05/2019
3 months ago
Details on implementing a robot manipulator to grasp objects using point cloud data.
Python
aubo-i5 grasping
476
Pointfusion
31/07/2019
1 week ago
Preliminary implementation of PointFusion, a fusion 3D Object Detection network that leverages both image and 3D point cloud information. The repository includes both global and dense implementation of the detector architecture. Coded in Pytorch.
Python
3d-object-detection image pointfusion
477
PoNDeR
21/06/2018
3 weeks ago
PointNet for Deep Rank: protein protein interaction scoring using neural networks
Python
neural-networks pdb pointnet protein-protein-interaction structural-bioinformatics
478
KiOSk
19/07/2017
1 month ago
KiOSk Web Application for Vizcaya Museum using Potree WebGL point cloud viewer.
Javascript
Three-js
Webgl
Other
3d-graphics css html mesh potree potree-converter ui-design
479
LiDAR Pointcloud Preprocessing
07/11/2021
4 weeks ago
LiDAR(Livox Horizon) point cloud preprocessing, including point cloud filtering and point cloud feature extraction (edge points and planar points)
C++
livox-lidar loam
480
Implementation of using structured light for 3D depth reconstruction
Matlab
video-capture
481
PDAL unity
07/12/2019
4 months ago
A Unity demo of the Point Data Abstraction Library (PDAL)
Html
C#
Unity
Other
las lidar pdal
482
PCLSegmentation
10/03/2021
2 months ago
Tensorflow 2.6 Pipeline for Semantic Pointcloud Segmentation with SqueezeSeqV2, Darknet21 and Darknet52.
Python
autonomous-vehicles computer-vision lidar lidar-point-cloud neural-networks segmentation squeezesegv2
483
Object recognition
08/11/2016
1 years ago
A real time object recognition library
C++
computer-vision object-recognition ros-kinetic
484
Pixano app
20/02/2020
this week
Pixano App is a web based smart annotation tool for computer vision applications.
Javascript
Other
annotation annotation-tool annotations bounding-box computer-vision cuboid neural-networks image-annotation image-labeling image-labeling-tool instance-segmentation keypoints labeling-tool panoptic-segmentation point-cloud-labeling polygon semantic-segmentation video-annotation video-labeling
485
Batch segmentation
29/09/2017
8 months ago
Batch segmentation using CGAL Triangulated Surface Mesh Segmentation
C++
mesh segmentation
486
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference

 Grad CAM: Visual Explanations from Deep Networks via Gradient based Localization  Abhishek Das, Ramprasaath R. Selvaraju, Michael Cogswell, Ramakrishna Vedantam, Dhruv Batra, Devi Parikh
We propose a technique for producing "visual explanations" for decisions from a large class of CNN-based models, making them more transparent. Our approach - Gradient-weighted Class Activation Mapping...
conference

 PointCloud Saliency Maps  Tianhang Zheng, Changyou Chen, Bo Li, Kui Ren, Junsong Yuan
3D point-cloud recognition with PointNet and its variants has received remarkable progress. A missing ingredient, however, is the ability to automatically evaluate point-wise importance w.r.t.\! classification...
conference
Tensorflow
487
cython wrapper of poisson disk sampling of a triangle mesh in vcglib
488
A Python implementation of the paper "Robust Reconstruction of Watertight 3D Models from Non uniformly Sampled Point Clouds Without Normal Information".
Python
3d mesh mesh-generation paper reconstruction voxels watertight-3d-models
489
PointcloudToTXT
03/04/2019
5 months ago
C++ application to convert .Ply file or .Pcd point cloud into txt format
C++
Cmake
pcd-to-txt pcl pcl-library plt-to-txt ply txt
490
Dash Fractal Explorer
22/09/2018
9 months ago
MandelBrot Fractal Explorer
Python
fractal fractal-rendering fractals interactive interactive-visualizations mandelbrot mandelbrot-computing mandelbrot-fractal mandelbrot-fractal-drawer mandelbrot-renderer mandelbrot-set mandelbrot-viewer mandelbulb mandelbulber plotly plotly-dash pointcloudprocessing viewer
491
OfxARCore2
14/05/2019
11 months ago
ARCore addon for openframeworks (Point cloud, Augmented Images, Hit testing, Planes)
Java
arcore augmented-images hit-testing openframeworks planes
492
MayaPlyImport
25/02/2016
1 years ago
Imports .Ply files into Maya
C++
maya ply-files
493
Rigidtform
21/02/2017
1 years ago
Optimal rotation and translation between corresponding points
Matlab
Other
optimization rotation svd transform translation
494
Pyshot
12/03/2021
3 weeks ago
A Python API for the SHOT descriptor
C++
computer-vision cython-wrapper shot shot-detection
495
Pyntcloud notebooks
27/04/2017
3 months ago
Practical examples of using pyntcloud
Jupyter
496
Awesome 3D object detection
07/10/2020
3 months ago
List of papers, code, datasets and other resources
neural-networks 3d-detection object-detection rgbd sensor-fusion
497
2021 pc perceptual loss
03/02/2021
3 months ago
A deep perceptual metric for 3D point clouds
Jupyter
Tensorflow
neural-networks geometry perceptual-losses quality-assessment
498
PaiConvPointSeg
18/05/2020
11 months ago
Official repository for the paper "Permutation Matters: Anisotropic Convolutional Layer for Learning on Point Clouds" [Segmentation]
Python
Other
3d-vision graph-convolutional-networks representation-learning segmentation
499
Smart annotation pointrCNN
03/02/2020
3 months ago
A PointRCNN version of SAnE, which is a web based semi automatic annotation tool for point cloud data.
Python
data-annotation neural-networks pointrcnn webapp
500
Elektronik
02/07/2019
4 weeks ago
SLAM. Tools for testing and debugging SLAM.
C#
Unity
ar dioram omw onemoreworld ros ros2 slam vr
501
CVPR 2021 3D Obeject Detection
24/06/2021
1 month ago
CVPR 2021 papers and code focus on 3D Obeject Detection
3d-object-detection monocular object-detection
502
Grasshopper Kinect2
27/08/2017
8 months ago
A Grasshopper component that communicates with MS Kinect V2 to generate 3D pointclouds
C#
grasshopper grasshopper-component kinect microsoft-kinect
503
This ROS package combines multiple laser scans from RPLiDAR A3M1 lasers into a calibrated point cloud. This package will then track the ankles of moving people in the point cloud and predict their paths with linear regression.
Python
calibration-target laser-calibration laser-scans linear-regression people-detection ros rplidar-a3m1-lasers
504
Implementation for ``A Point Set Generation Network for 3D Object Reconstruction from a Single Image''
Python
3d monocular monocular-images reconstruction
505
Bin to pcd Python
13/06/2020
3 months ago
Converting bin files scanned by LiDAR of autonomous vehicles into pcd files for further processing
Python
bin open3d pcd
506
PointWOLF
16/08/2021
2 months ago
Official Implementation (Pytorch) of "Point Cloud Augmentation with Weighted Local Transformations", ICCV 2021
Python
iccv2021
507
Egonn
30/07/2021
this week
EgoNN: Egocentric Neural Network for Point Cloud Based 6DoF Relocalization at the City Scale
Python
3d-convolutional-network 3d-vision 6dof-pose computer-vision neural-networks keypoint-detection lidar-point-cloud metric-learning minkowski-engine mulran-dataset place-recognition
508
 A Rotation Invariant Framework for Deep Point Cloud Analysis  Pheng-Ann Heng, Daniel Cohen-Or, Chi-Wing Fu, Ruihui Li, Xianzhi Li, Guangyong Chen
Recently, many deep neural networks were designed to process 3D point clouds, but a common drawback is that rotation invariance is not ensured, leading to poor generalization to arbitrary orientations...
Tensorflow
509
 AdvectiveNet: An Eulerian Lagrangian Fluidic reservoir for Point Cloud Processing  Bo Zhu, Xingzhe He, Helen Lu Cao
This paper presents a novel physics-inspired deep learning approach for point cloud processing motivated by the natural flow phenomena in fluid mechanics. Our learning architecture jointly defines data...
conference
Pytorch
510
This is a simple autoencoder to reconstruct pointcloud
Pytorch
511
The main aim of this implementation is to use 3D Sparse CNN networks for 3D object detection
Tensorflow
512
LiDAR Obstacle Detection
27/01/2021
1 week ago
LiDAR Obstacle Detection Filter(Voxel Grid filter and Cropping), segment(3D RANSAC algorithm), and cluster (3D kd tree and euclidean clustering) real point cloud data to detect obstacles in a driving environment.
C++
bounding-boxes kdtree lidar lidar-point-cloud proximity-search ransac voxel-grid-filter
513
DynamicSLAMtool
07/06/2019
this week
Source Code for the DATMO algorithm I developed during my Summer Internship @ University of Calgary
C++
datmo humanoid pcl-library realsense ros slam vlp-16
514
Indoor reconstruction
19/05/2019
1 month ago
Reconstruction of Indoor Environments Using VLP 16 and Tinkerforge IMU 2.0
Makefile
imu-sensor indoor-reconstruction lidar reality-capture tinkerforge vlp-16
515
Point Planenet
16/03/2020
4 months ago
Point PlaneNet: Plane kernel based convolutional neural network for point clouds analysis
Python
Tensorflow
3d classification neural-networks geometry-processing lidar lidar-point-cloud modelnet-dataset modelnet40 point-planenet pointnet s3dis segmentation shapenet
516
CADNet
27/11/2020
2 months ago
Context Aware Dynamic Feature Extraction for 3D Object Detection in Point Clouds
Python
3d-detection context-aware dynamic-convolution
517
DTUeval
15/10/2019
2 months ago
Improved DTU Evaluation Code
C++
benchmark dtu mesh
518
Graphics Buffer VFX Sample
02/09/2021
2 weeks ago
Using Graphics Buffer input with Azure Kinect Point Cloud
C#
Unity
azure-kinect vfx-graph
519
S4g release
18/10/2021
this week
S4G: Amodal Single view Single Shot SE(3) Grasp Detection in Cluttered Scene
Python
grasping
520
PlyWin
27/11/2017
3 years ago
3D model view tool, a reduced version of [MeshLab](http://www.Meshlab.Net/), which aims at only 3D model viewing.
C++
3d-model ply
521
HYPPO X
09/06/2017
10 months ago
Algebraic topology based header only library to extract insight of complex high dimensional data.
Html
filter graph homology-search interesting paths persistent phenotypes plant simplex tda
522
Marching Cubes OpenGL
01/11/2018
1 years ago
Marching Cubes C implementation with OpenGL.
C
Opengl
bunnies graphics-programming isosurface-extraction marching-cubes ufba
523
Terrain Generator
06/01/2020
2 months ago
Generate Unity Terrain from DEM / DGM data.
C#
Unity
Other
lidar
524
Sold in Amazon as Textbook :on: Springer Lecture Note Series "Advances in Computer Science" :on: 2019 IEEE Computer Vision Conference
3d-model 3d-modelling 3d-representation computer-vision data-analysis design-support generative-model ieee mesh pattern-recognition style-transfer voxels vsl
525
NINormal
12/08/2020
5 months ago
(BMVC 2020 Oral) Neighbourhood Insensitive Point Cloud Normal Estimation Network
Python
Pytorch
attention-mechanism bmvc20 normal-estimation
526
KITTIViewer plus
10/06/2020
4 months ago
KITTIViewer+ is an upgrade of Second.KITTIViewer for tracking, segmentation and methods comparison
Python
kitti kitti-detection
527
Graduation Project
24/05/2018
this week
This repository is based on my graduation project.
C++
pcl-viewer
528
PointCloudViewer
06/10/2017
3 weeks ago
Sample application which uses Xamarin with Monogame framework to visualize point clouds
C#
3d android gis lidar monogame monogame-framework windows xamarin
529
UnityPointCloud
11/01/2018
10 months ago
Point cloud tools organized as a submodule
Shaderlab
C#
Unity
Other
computer-vision
530
Curvature calculation Python
12/11/2020
this week
Curvature calculation of point cloud using Python
Python
curvature
531
Point cloud completion
29/07/2018
11 months ago
Code for my point cloud completion paper in CVF ICCV2017
Python
computer-vision neural-networks depth-map view-synthesis
532
Stack chamfer
17/09/2020
4 months ago
A generalized Chamfer distance implementation in Cuda/Pytorch
Python
Pytorch
chamfer-distance chamferloss neural-networks
533
Visualisation perception 3D
08/01/2021
2 months ago
Several tools for visualizing 3D perception result
Python
3d-object-detection 3d-reconstruction bird-eye-view kitti lidar projection velodyne visualization
534
PointCloud Object Labeller
22/08/2018
1 month ago
Label objects in a PointCloud
C++
labeller
535
FastFlow3D
08/06/2021
3 weeks ago
Implementation of the FastFlow3D architecture for scene flow estimation from LiDAR point clouds in Pytorch using Pytorch Lightning.
Python
Pytorch
pytorch-lightning scene-flow
536
 Refinement of Predicted Missing Parts Enhance Point Cloud Completion  Cristian Lopez, Ivan Sipiran, Alexander Apaza, Alexis Mendoza
Point cloud completion is the task of predicting complete geometry from partial observations using a point set representation for a 3D shape. Previous approaches propose neural networks to directly estimate...
Pytorch
537
Tensorflow implementation of our paper, " High Fidelity Semantic Shape Completion for Point Clouds using Latent Optimization" , presented at WACV 2019
Tensorflow
538
 PCT: Point cloud transformer  Shi-Min Hu, Ralph R. Martin, Tai-Jiang Mu, Zheng-Ning Liu, Jun-Xiong Cai, Meng-Hao Guo
The irregular domain and lack of ordering make it challenging to design deep neural networks for point cloud processing. This paper presents a novel framework named Point Cloud Transformer(PCT) for point...
Pytorch
539
Python library for generating 3D point cloud holograms, with phase only spatial light modulators, in real time through a GPU implementation of 5 algorithms (Random superposition, Gerchberg-Saxton, weighted Gerchberg-Saxton, compressed sensing Gerchberg-Saxton, compressed sensing weighted Gerchberg-Saxton).
540
3D plane segmentation
07/01/2022
this week
Collection of dockerized plane extraction methods for 3D data
C++
lidar lidar-point-cloud plane rgbd segmentation slam
541
3D reconstruction
21/10/2018
10 months ago
Python
pcl slam
542
VSSIXA
10/09/2019
4 months ago
Vegetation Spectral Structural Information eXtraction Algorithm (VSSIXA): Working with Point cloud and LiDAR
Python
aggieair algorithm grapex lidar surface-area uav uav-imagery vine vineyard volumetric
543
Dockerize teaser plusplus
26/01/2021
3 months ago
TEASER++ is a fast and certifiably robust point cloud registration library
Jupyter
Cmake
Python
point-cloud-registration dockerize jupyterlab teaser
544
Antsy2D
17/08/2017
2 years ago
In browser point cloud annotation tool for instance level segmentation using 2D projection
Javascript
annotation object-segmentation web-interface
545
PointCloudTools
29/07/2020
3 weeks ago
Massive airborne laser altimetry (ALS) point cloud and digital elevation model (DEM) processing library.
C++
ahn change-detection digital-elevation-model lidar vegetation
546
PointRCNN Argoverse
24/02/2020
3 months ago
PointRCNN configured to Argoverse/Custom dataset
Python
3d neural-networks argoverse bounding-boxes lidar-point-cloud object-detection
547
Agscan3D
10/12/2020
3 weeks ago
This repository contains the code and datasets used in the paper "Canopy Density Estimation in Perennial HorticultureCrops Using 3D Spinning LiDAR SLAM" https://onlinelibrary.Wiley.Com/doi/abs/10.1002/rob.22006
canopy density lidar slam
548
ICP Implementation
14/04/2018
2 weeks ago
My implementation of The Iterative Closest Point algorithm for scans/mesh alignment (with subsampling and point to plane improvements).
C++
geometry-processing icp libigl ucl
549
BAGSFit
03/10/2018
6 months ago
Primitive Fitting Using Deep Boundary Aware Geometric Segmentation
boundary-detection dataset neural-networks fitting primitive-fitting primitives segmentation simulation
550
OptICP
27/12/2019
2 months ago
SJTU CS337 Project: Optimization of ICP Based Point Cloud Registration Methods
C++
icp optimization parallel-programming pcl point-cloud-registration
551
PTTR
06/12/2021
this week
Pytorch Implementation of PTTR: Relational 3D Point Cloud Object Tracking with Transformer
Python
Pytorch
autonomous-driving tracking
552
Multi View Point Cloud
13/07/2017
1 years ago
Creates a 3D point cloud from a set of multi view images. C++ / OpenCL.
C++
3d-reconstruction stereo-images stereo-vision
553
SLAM
09/05/2017
11 months ago
SLAM Implementation for 6.834 Grand Challenge 2017
C++
apriltags localization mapping octomap robotics slam
554
RF4PCC
08/06/2020
7 months ago
RF4PCC: Random Forest 4 Point Cloud Classification, 3DOM FBK
Python
classification dataset evaluation random-forest scikit-learn
555
IT Defense
07/04/2021
11 months ago
Our code for paper 'The art of defense: letting networks fool the attacker'
Python
adversarial-attacks adversarial-examples adversarial-machine-learning
556
RaFlow
22/02/2022
1 week ago
Self Supervised Scene Flow Estimation with 4D Automotive Radar
autonomous-driving neural-networks radar
557
Abspy
18/02/2021
1 week ago
A Python tool for 3D adaptive binary space partitioning and beyond
Python
3d adaptive binary-space-partition reconstruction
558
Nearest neighbor depth completion
10/02/2019
2 years ago
Nearest neighbor depth completion
Python
depth-completion depth-image kitti
559
Pc4novis
12/08/2020
1 years ago
This is the official repository for the BMVC20 paper "Novel View Synthesis from Single Images via Point Cloud Transformation"
depth-prediction novel-view-synthesis self-supervised-learning
560
LiDAR stm32
07/12/2020
1 month ago
RPLiDAR A3 scanning and point cloud visualization on STM32 microcontroller.
C
cv embedded lidar rplidar-a3 stm32 visualization
561
PointHop PointHop2 Spark
19/05/2020
1 month ago
A fast and low memory requirement version of PointHop and PointHop++, which is built upon Apache Spark.
Python
3d 3d-classification classification feature-extraction knn least-square-regression pca pyspark spark
562
MonoDAC
18/02/2020
7 months ago
Monocular Depth Estimation via a Fully Convolutional Deep Neural Network, utilising Atrous Convolutions, with 3D Point Cloud Visualisation.
Python
computer-vision neural-networks deeplabv3plus depth-estimation ipcamera
563
Robots viz
14/11/2019
1 month ago
C++ visualization library based on VTK.
C++
icub meshes rendering robotics vtk
564
3Dtoolset
24/09/2020
1 month ago
3D toolset for convert models to 3D tiles: gltf, glb, osgb, dae, obj, fbx, point cloud , x, max, ifc, rvt eff ...
3dtiles b3dm bim cesium i3dm ifc model-convertor revit terraexplorer tilesets
565
Odas
20/07/2018
3 months ago
ODAS: Optimization based Detection of Architectural Symmetries
C++
airborne-laserscanner buildings lidar optimization remote-sensing symmetry-detection
566
 Music source separation conditioned on 3D point clouds  Alex Hofmann, Vasileios Chatziioannou, Francesc Lluís
Recently, significant progress has been made in audio source separation by the application of deep learning techniques. Current methods that combine both audio and visual information use 2D representations...
Pytorch
568
 VoxelNet: End to End Learning for Point Cloud Based 3D Object Detection  Yin Zhou, Oncel Tuzel
Accurate detection of objects in 3D point clouds is a central problem in manyapplications, such as autonomous navigation, housekeeping robots, andaugmented/virtual reality. To interface a highly sparse...
conference

 Frustum PointNets for 3D Object Detection from RGB D Data  Wei Liu, Leonidas J. Guibas, Chenxia Wu, Hao Su, Charles R. Qi
In this work, we study 3D object detection from RGB-D data in both indoor andoutdoor scenes. While previous methods focus on images or 3D voxels, oftenobscuring natural 3D patterns and invariances of 3D...
conference

 PCPNET: Learning Local Shape Properties from Raw Point Clouds  Maks Ovsjanikov, Yanir Kleiman, Paul Guerrero, Niloy J. Mitra
In this paper, we propose PCPNet, a deep-learning based approach forestimating local 3D shape properties in point clouds. In contrast to themajority of prior techniques that concentrate on global or mid-levelattributes,...


 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference
Tensorflow
569
Plane Detection in Point Clouds
16/11/2017
1 years ago
This is a method of detecting the equation for n planes in a point cloud.
C
c++
570
PCL visualizer
19/09/2018
9 months ago
Visualizer for 3D point cloud using PCL Library 1.9.1
C++
Cmake
computer-vision intel-realsense intel-sdk intelrealsense pcd pcl pcl-library pcl-viewer ply xyz zr300
571
PCC Patch
11/10/2021
1 week ago
Patch Based Deep Autoencoder for Point Cloud Geometry Compression, ACM MM ASIA 2021.
Python
compression neural-networks
572
Point cloud to gif
12/05/2018
4 months ago
Converting sets of XYZ points to nice GIF animations.
Python
gif-animations rendering
573
SFM Viewer
27/12/2016
10 months ago
A QT based visualization software which can be used to display 3D point clouds from .Out and .Ply files, which are the outputs of bundler SFM.
C++
3d-reconstruction bundler-sfm image-based-modeling point-cloud-visualization structure-from-motion visualsfm
574
Easy o3D
21/04/2021
2 months ago
An easy to use wrapper around some of Open3D's registration functionality.
Python
3d-data icp iterative-closest-point open3d ransac ransac-algorithm point-cloud-registration
575
Sensor pointcloud
16/05/2017
2 months ago
A package to convert range data from ROS range topics to pointclouds
C++
rangefinder ros ultrasonic-sensor
576
SnapNetPonts
19/04/2018
11 months ago
A SnapNet fork, experimenting on the original dataset (Semantic 8), and adapting it to an indoor dataset (scannet)
C++
Other
neural-networks semantic-segmentation
577
LiDARio
07/11/2020
8 months ago
High level Python library to manipulate LiDAR raster and point cloud.
Python
gis library lidar raster
578
Azure Kinect PCL
18/03/2020
2 months ago
Point cloud segmentation with Azure Kinect
C++
3d azure-kinect azure-kinect-sdk pcl point-cloud-processing point-cloud-segmentation
579
GRNet
31/10/2020
3 months ago
GRNet: Geometric Relation Network for 3D Object Detection from Point Clouds
Python
neural-networks 3d-detection object-detection
580
Pc2image
24/10/2021
this week
This code converts a point cloud obtained by a Velodyne VLP16 3D LiDAR sensor into a depth image mono16.
C++
depth-image ros-kinetic ros-melodic velodyne vlp-16
581
Uarm Kinect
27/11/2017
3 years ago
Allows the uArm Metal to mimic the movement of your arm using the Kinect.
Python
gesture-recognition hand-tracking kinect kinect-sensor robotics ros rviz
582
Monocular Augmentation Depth Map
19/05/2018
1 years ago
Augmentation of a monocular image using a CNN generated depth map of the scene.
C++
augmentation convolutional-neural-networks depth-estimation depth-map monocular-images
583
PyPCL
21/07/2018
8 months ago
Numpy oriented, pybind11 based wrappers for a subset of PCL (point cloud library).
C++
Python
Other
numpy pcl pybind11
584
LiDAR visualizations
31/10/2020
9 months ago
Messing around with LiDAR.
C++
lidar rplidar rplidar-a3 sfml visualization
585
Pointcloud Labeling Tool
13/03/2021
1 month ago
A 3D Point Cloud Labeling Tool for the Browser
Javascript
Three-js
labeling-tool
586
PCCSET
16/04/2021
5 months ago
A user friendly evaluation tool for point cloud classification and segmentation
C++
classification evaluation-metrics segmentation
587
Pcv
18/04/2021
5 months ago
The Point Cloud Viewer
Javascript
3d lidar
588
Use LiDAR to detect traffic, including cars and trucks, and other obstacles (e.G. Poles, traffic signs) on a narrow street.
C++
Opencv
autonomous-driving autonomous-vehicles lidar object-detection self-driving-car sensor-fusion sensors
589
PathFindingOcrtree
16/11/2018
1 years ago
Fast path finding algorithm for dynamic environments
C
algorithm astar astar-algorithm c++ octree pathfinding
590
Pc alignment tools
10/04/2021
1 week ago
Calibration of LiDAR Sensors PointCloud Alignment/Registration tools with PCL & ROS
C++
icp iterative-closest-point lidar lidar-calibration lidar-point-cloud lidar-sensors lidar-sensors-calibration message-filters pcl pcl-library pcl-registration point-cloud-alignment point-cloud-registration ros ros-message-filters ros-tf ros-tf-library ros-tf2 tf2
591
Realsense camera wrapper
17/12/2018
this week
Minimal API for obtaining PCL pointcloud using Intel realsense camera.
C++
fast-pointcloud librealsense2 pcl pointcloud-without-ros pointcloudprocessing realsense2 ros-kinetic ros-pointcloud
592
Point cloud read
01/03/2018
2 years ago
Module to acquire point clouds from iCub.
C++
acquisition icub iol
593
SpeckleHackathon ImgToPointCloud
21/09/2021
2 months ago
Jupyter
hackathon neural-networks speckle
594
Vrep plugin Velodyne
19/08/2017
5 months ago
V REP plugin that publishes a full revolution of PointCloud2 point into ROS
C++
lidar pointcloud2 ros v-rep vrep vrep-plugin-velodyne
595
Region Proposal generation on images using clustering in Pointcloud Currently only for Pedestrians
Python
clustering dbscan images kitti-dataset lidar pedestrian-detection region-proposal region-proposals
596
C++
detection dynamic-object realsense-camera
597
Forestfrag3D
22/11/2016
1 years ago
Code for Reproducibility of Generalized 3D Fragmentation Index Paper (Petras et al. 2017)
Shell
3d-raster 3d-raster-algebra analysis forestry grass-gis lidar lidar-point-clouds open-science paper raster-algebra reproducibility reproducible-research spatial-index spatial-pattern voxel-model
598
Oni tool
05/02/2017
12 months ago
Convert oni files in rgb, rgb d, depth and point clouds
C++
depth kinect oni primesense rgb xtion
599
Depth fusion
23/08/2021
3 weeks ago
A simple C++ algorithm for converting depth and normal maps to a point cloud
C++
3d-reconstruction multi-view-stereo structure-from-motion
600
MinkLoc3Dv2
24/01/2022
1 week ago
MinkLoc3Dv2: Improving Point Cloud Based Place Recognition with Ranking based Loss and Large Batch Training
Python
3d-convolutional-network 3d-vision computer-vision neural-networks metric-learning minkowski-engine place-recognition
601
 PQ NET: A Generative Part Seq2Seq Network for 3D Shapes  Rundi Wu, Hao Zhang, Yixin Zhuang, Kai Xu, Baoquan Chen
We introduce PQ-NET, a deep neural network which represents and generates 3D shapes via sequential part assembly. The input to our network is a 3D shape segmented into parts, where each part is first encoded...
conference

 Learning Representations and Generative Models for 3D Point Clouds  Olga Diamanti, Panos Achlioptas, Ioannis Mitliagkas, Leonidas Guibas
Three-dimensional geometric data offer an excellent domain for studyingrepresentation learning and generative modeling. In this paper, we look atgeometric data represented as point clouds. We introduce...
conference
Tensorflow
602
 CNN based LiDAR Point Cloud De Noising in Adverse Weather  Wilhelm Stork, Philipp Schindler, Florian Piewak, Robin Heinzler
LiDAR sensors are frequently used in environment perception for autonomous vehicles and mobile robotics to complement camera, radar, and ultrasonic sensors. Adverse weather conditions are significantly...
Pytorch
603
 Perceptual Quality Assessment of Colored 3D Point Clouds  Zhou Wang, Wentao Liu, Zhengfang Duanmu, Qi Liu, Honglei Su
The real-world applications of 3D point clouds have been growing rapidly in recent years, but not much effective work has been dedicated to perceptual quality assessment of colored 3D point clouds. In...
605
 Cross modal registration using point clouds and graph matching in the context of correlative microscopies  Perrine Paul-Gilloteaux, Jean Mérot, Guillaume Potier, Stephan Kunne
Correlative microscopy aims at combining two or more modalities to gain more information than the one provided by one modality on the same biological structure. Registration is needed at different steps...
606
Delauney triangulation
14/11/2017
12 months ago
A java program that calculates Delauney tirangulation based on LAS (ascii) data and outputs .Obj file
Java
delaunay-triangulation las-files
607
Segments table top and clusters the multiple objects kept on the table.
C++
cluster computer-vision object-detection pcl perception robotics segmentation
608
Algebraic shape operator
02/07/2021
1 month ago
Stable and efficient differential estimators on oriented point clouds
C++
computer-graphics computer-vision curvature
609
Point cloud 3D
13/01/2021
2 months ago
QGis plugin for integrate Point Clouds from LiDAR or Photogrammetry
Python
lidar photogrammetry qgis remote
610
Rgbd parking finder
08/06/2017
1 years ago
Tool for for annotating and recognizing free parking bays given an RGBD Point cloud.
C++
Cmake
Opencv
parking parking-spots rgbd
611
Pointset image recognition
13/05/2020
1 week ago
Go one dimension higher: can neural networks for point cloud analysis help in image recognition?
Python
classification image recognition
612
Point cloud practice
24/01/2021
1 month ago
Basic point cloud practice with C++/Python PCL
Makefile
pcl
613
HPR
04/12/2019
1 month ago
Implementation of the Hidden Point Removal Operator
Tex
614
Open3DReconstruction
23/08/2018
11 months ago
Testing App for Open3D reconstruction
C++
3d-vision triangle-mesh
615
Pcae
13/03/2019
8 months ago
Point Cloud Gaussian Mixture Models and Shape Completion with Auto encoder embeddings
Jupyter
auto-encoders gaussian-mixture-models generative-models
616
PointCloud
20/02/2017
1 month ago
Display a 3D point cloud using csv input
Javascript
Webgl
csv
617
Postgis with extensions
02/03/2021
1 month ago
PostgreSQL Docker image based on postgis/postgis, with quite a few added extensions.
Plpgsql
container database docker docker-container docker-image fdw foreign-data-wrapper geospatial gis logical-replication ogr pg pgrouting pgtap postgis postgres postgresql powa relational-databases
618
Ennona
25/07/2021
4 months ago
Reconstruction Tool for Rust CV
Rust
computer-vision
619
LightField
08/03/2017
2 years ago
Octocat: LightField The Lightweight Field Robotics Visualizer
Python
3d-visualization pyqt4 robotics visualization visualizer vtk
620
Pymcc
09/05/2019
8 months ago
Python bindings for multiscale curvature classification of point clouds (MCC)
C++
classification-algorithm geomorphology lidar photogrammetry
621
Pyrgbd
03/05/2020
5 months ago
Python RGB D processing tool
Python
Opencv
depth-image open3d rgbd
622
Nicr rgb d orientation data set
01/04/2019
1 years ago
A data set for upper body orientation estimation of humans with continuous ground truth labels for the angle perpendicular to the ground
Python
Other
dataset neural-networks depth-images kinect2-sensor orientation-estimation rgb-d
623
Kinect point cloud
08/06/2020
7 months ago
Draws real time 3D point cloud with Kinect. The point cloud can be exported as .Ply file, processed later with a viewer (included too).
Python
3d-graphics kinect ply
624
DeepCompress
11/02/2021
3 weeks ago
Replication code for DeepCompress, a deep learning based learned point cloud compression technique.
Python
compression neural-networks
625
Add Gaussian Noise to Point Cloud
06/10/2018
1 month ago
Add Gaussian noise to point cloud
C++
gaussian-noise
626
PointCloudVisualizer
29/07/2021
this week
High quality point cloud renderer with Unity, designed for visualization in 3D CV projects.
C#
Unity
utility
627
Command Robot to Move
18/06/2019
11 months ago
Use voice to tell robot the target, then the robot detects it and moves there. (LSTM, YOLO, Plane detection, Motion planning, ...)
Jupyter
motion-planning object-detection robotics ros speech-command-recognition turtlebot
628
My PaperList
03/12/2018
1 month ago
Monocular depth estimation,Objection Detection,PointCloud Objection Detection
objection-detection
629
3D reconstruction with known poses
15/05/2019
3 months ago
Taking Images from caliberated camera with known poses to produce point cloud
Html
3d-reconstruction cython multiple-view-geometry
630
LASindex.Jl
09/06/2017
1 month ago
Pure Julia reader of lasindex .Lax files
Julia
geospatial lasio lastools lax lidar
631
Pymccrgb
15/05/2019
4 months ago
Multiscale curvature classification of point clouds with color features
Python
classification-algorithm geomorphology lidar photogrammetry supervised-learning
632
Realsense Dataset
05/09/2018
2 weeks ago
Application for capturing Intel Realsense data and outputting rgb/depth image pairs
C++
computer-vision image-processing realsense2
633
Python module
16/09/2020
6 months ago
Python module to query an fetch the 3D ARD project
Python
Jupyter
3d 3d-graphics 3d-mesh dataset lidar open3d-python photogrammetry
634
Surveyor
24/01/2018
1 month ago
Independent computer vision project to build a point cloud modeling system that works exclusively with 2D images.
C++
computer-vision ros visual-odometry
635
3D SMLM visualization
05/09/2018
3 years ago
Matlab
density-visualization smlm visualization
636
VelodyneLiDARViewer
18/01/2020
1 years ago
Velodyne LiDAR Viewer For Unity
Unity
lidar lidar-point-cloud pcap puck realtime ultrapuck velodyne viewer
637
LoGG3D Net
02/02/2022
2 weeks ago
The official repository for paper "LoGG3D Net: Locally Guided Global Descriptor Learning for 3D Place Recognition" To appear in 2022 IEEE International Conference on Robotics and Automation (ICRA) https://arxiv.Org/abs/2109.08336
Python
Other
3d contrastive-loss neural-networks learning lidar lidar-point-cloud place-recognition pytroch robotics
638
Pointfluent
30/07/2020
8 months ago
Mobile cross platform 3D point cloud rendering using Euclideon's udSDK
Dart
3d-graphics flutter
639
Add Noise to Point Cloud
22/09/2018
1 week ago
Add noise to the color or coordinates of the point cloud.
C++
color-noise coordinate-noise gaussian noise-generator outlier
640
Kinect PointCloud Contour
13/03/2017
1 month ago
Point cloud and contour data collect for 3D model reconstruction with Kinect SDKv2
C++
contour kinect
641
Point cloud processing
22/07/2020
1 years ago
Nesne Tabanl Programlama I Dersi Dnem Projesi.
C++
cloudcompare nokta-bulutlar
642
Octomap server2
15/06/2020
this week
ROS2 stack for mapping with OctoMap, contains octomap server package
C++
octomap ros2
643
ToolWeb
24/09/2017
2 years ago
ToolWeb dataset of 116 point clouds of synthetic household tools with mass and affordance groundtruth for 5 tasks
affordance affordance-groundtruth dataset
644
Point cloud subsampler
09/10/2019
1 month ago
Subsamples a point cloud to only include information about obstacles and free space, represented as two different z levels
C++
ros
645
FlowCompare
01/12/2020
4 weeks ago
Msc Thesis S.J. Galanakis, Utrecht University 2021
Python
Pytorch
change change-detection cloud compare neural-networks flow generative normalizing-flows point unsupervised
646
LasLiDAR
05/11/2014
11 months ago
A simple Python library for reading LiDAR point clouds from .Las files
Python
geospatial las las-files lidar usgs
648
 No Reference Quality Assessment for 3D Colored Point Cloud and Mesh Models  Xiongkuo Min, Guangtao Zhai, Wei Lu, Tao Wang, Wei Sun, ZiCheng Zhang
To improve the viewer's Quality of Experience (QoE) and optimize computer graphics applications, 3D model quality assessment (3D-QA) has become an important task in the multimedia area. Point cloud and...
650
 Zero shot Learning of 3D Point Cloud Objects  Shafin Rahman, Ali Cheraghian, Lars Petersson
Recent deep learning architectures can recognize instances of 3D point cloudobjects of previously seen classes quite well. At the same time, current 3Ddepth camera technology allows generating/segmenting...
651
 Efficient Long Range Convolutions for Point Clouds  Leonardo Zepeda-Núñez, Lexing Ying, Lin Lin, Yifan Peng
The efficient treatment of long-range interactions for point clouds is a challenging problem in many scientific machine learning applications. To extract global information, one usually needs a large window...
conference
Tensorflow
652
Sparse conv lstm
30/04/2021
6 months ago
Sparse ConvLSTM for Point Cloud Semantic Segmentation
Python
lstm semantic-segmentation sparse-convolution spconv
653
3DReconstruction
17/11/2020
3 weeks ago
This project uses the OpenCV SFM module to reconstruct an object from multiple 2D images and PCL to process the point cloud.
C++
Opencv
pcl
654
Tiny mapping
17/03/2021
7 months ago
Minimal implementation of point cloud mapping in Open3D.
Python
lidar-point-cloud mapping open3d slam
655
Use a KD tree to perform the nearest neighbor search on a point cloud.
C++
icp kdtree nearest-neighbour-search
656
GAMesh
20/01/2021
9 months ago
GAMesh: Guided and Augmented Meshing for Deep Point Networks
Pytorch
loss-functions point-network single-view-reconstruction surface-reconstruction
657
Siskin
05/12/2020
1 month ago
Minimal pointcloud tools for Rust
Rust
658
CloudBoard
11/06/2015
1 years ago
Point cloud viewer for Google Cardboard
Java
android google-cardboard virtual-reality
659
PtCloudProc
09/02/2017
11 months ago
He algorithm decomposes the point cloud into a concise, hybrid structure of inherent shapes and a set of remaining points. Each detected shape serves as a proxy for a set of corresponding points. Our method is based on random sampling and detects planes, spheres, cylinders, cones and tori. For models with surfaces composed of these basic shapes only, for example, CAD models, we automatically obtain a representation solely consisting of shape proxies.
C#
Opengl
computer-graphics computer-vision
660
ALLINONE Det
09/01/2022
1 week ago
A general and strong 3D object detection codebase that supports more methods, datasets and tools (debugging, recording and analysis).
Python
3d-object-detection autonomous-driving lidar
661
Tango NDK Examples
17/06/2017
2 years ago
Examples of using the NDK on Tango
C++
Other
ar examples goolge-tango ndk tango
662
Perception
24/03/2019
1 years ago
Dash Robotics Perception
C++
Opencv
carnegie-mellon-university intel-realsense iterative-closest-point locobot object-detection pcl point-cloud-segmentation
663
Cuda SLAM
15/03/2020
3 months ago
Implementation of different Point set registration algorithms using Cuda library.
C++
Cuda
slam-algorithms
664
Libe57
24/09/2020
5 months ago
LibE57: Software Tools for Managing E57 Files
C++
covise e57 hlrs linux macos opencover
665
3D Reconstructrion Scanner
28/05/2021
2 weeks ago
This is the implementation for the reconstruction of 3D scans. These uses multiple algorithms to scale and reconstruct the point cloud in order to obtain valid results
C++
3d 3d-reconstruction 3d-reconstruction-pipeline pointcloudprocessing reconstruction segmentation
666
Kinect anywhere
17/01/2018
9 months ago
Kinect v2 for ROS while using Kinect Windows API
C#
kinect kinect-v2 kinect2 linux ros rviz windows-pc zeromq
667
Master thesis
22/01/2015
1 month ago
Master's thesis on object retrieval in point clouds
C++
computer-vision descriptors object-recognition pcl
668
Stereo2stl
16/08/2021
2 months ago
Stereo image reconstruction to STL format in MATLAB.
Matlab
3d-printing 3d-reconstruction computer-vision image-processing stereo-reconstruction stereo-vision stl-algorithms
669
Tensor field networks
26/08/2019
1 week ago
Tensorflow implementation of Tensor Field Networks. Developed and tested on Ubuntu 18.04 LTS.
Python
Tensorflow
Other
classification computer-vision neural-networks rotation-equivariance tensor-field-networks
670
SFM 3D pipeline
01/09/2021
this week
SFM, from Data collection to 3D model
Matlab
3d-reconstruction data-collection dense-point-cloud ezi-motion-plusr feature-combination feature-extraction kaze matrix-vision-camera motor-controller sfm sift surf texture-generation
671
Pointcloud csv
29/06/2017
9 months ago
Visualize a csv point cloud and convert to asc for MeshLab. Handy for processing LiDAR scans.
Processing
Java
Other
computer-vision depth-map
672
PointNet
23/06/2018
1 years ago
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
Python
Pytorch
pointnet segmentation
673
K4A PointCloud VFX
13/06/2020
2 weeks ago
AzureKinectVFXGraph
C#
Unity
azure-kinect vfxgraph
674
LibLAS.Jl
10/05/2015
5 months ago
Julia wrapper for LibLAS, a library for reading and writing the LAS LiDAR format.
Julia
Other
io las laz lidar
675
Pyfocusr
21/04/2020
2 weeks ago
Python
graph graph-theory laplacian point-cloud-registration spectral spectral-embedding
676
Pc on image
29/10/2021
2 months ago
The code implemented in ROS projects a point cloud obtained by a Velodyne VLP16 3D LiDAR sensor on an image from an RGB camera.
C++
lidar-point-cloud rgb-images ros-kinetic ros-melodic velodyne vlp-16
677
Laserscan to dxf
05/10/2017
2 months ago
Laserscan to dxf
Java
autocad dxf-writer laserscan plugin
678
Intelli bot
27/11/2018
2 years ago
ROS based intelligence gathering drone simulation on Gazebo
C++
catkin-workspace drones gazebo human-detection lsd-slam robotics ros
679
Ripserr
15/02/2018
3 months ago
R package porting Ripser based persistent homology calculation engines from C++ via Rcpp. Currently ports Ripser (Vietoris Rips complex) and Cubical Ripser (cubical complex).
C++
algebraic-topology cohomology cubical-complex persistent-homology pixel r r-language r-package r-programming rcpp rips-complex ripser simplicial-complex simplicial-homology topological-data-analysis topology vietoris-complex voxels
680
SimpleAstar
30/07/2020
1 week ago
Simple A* pathfinding algorithm implementation for 2D and 3D points
Python
algorithms astar-algorithm pathfinding
681
Geo1101.2020.Ahn3
18/06/2020
3 months ago
An improved AHN3 gridded DTM/DSM done as university project for the MSc Geomatics @ TU Delft
Python
ahn ahn3 dsm dtm geomatics hydroflattening interpolation laspy lidar rasterio rasterization shapely startin tudelft
682
Application as part of a master's thesis titled 'Reconstruction of buildings and mountainous areas in LiDAR point clouds' working on LiDAR data of Slovenia
Java
computer-graphics las-files lidar lidar-point-cloud
683
Computer Graphics and 3D
28/07/2021
4 months ago
Python
Pytorch
neural-networks pointnet2
684
CVPR 2021 point cloud analysis
02/03/2021
7 months ago
CVPR 2021 papers focusing on point cloud analysis
classification computer-vision cvpr2021 neural-networks detection few-shot paper point-cloud-analysis segmentation
685
Deep Slope Estimation
26/04/2019
2 months ago
MSCV 2019 Capstone Project
Python
Pytorch
model-compression normal-estimation pointnet
686
papers about point cloud in recent three years 2017-2019
688
Implementation of the paper "PIXOR: Real-time 3D Object Detection from Point Clouds"
689
 DenseFusion: 6D Object Pose Estimation by Iterative Dense Fusion  Li Fei-Fei, Roberto Martín-Martín, Danfei Xu, Silvio Savarese, Cewu Lu, Yuke Zhu, Chen Wang
A key technical challenge in performing 6D object pose estimation from RGB-Dimage is to fully leverage the two complementary data sources. Prior workseither extract information from the RGB image and depth...
conference
Pytorch
690
 Real time ground filtering algorithm of cloud points acquired using Terrestrial Laser Scanner (TLS)  Hernan Porras, Jhon Caceres, Omar Gallo, Nelson Diaz
3D modeling based on point clouds requires ground-filtering algorithms that separate ground from non-ground objects. This study presents two ground filtering algorithms. The first one is based on normal...
691
 Learning Efficient Point Cloud Generation for Dense 3D Object Reconstruction  Chen Kong, Chen-Hsuan Lin, Simon Lucey
Conventional methods of 3D object generative modeling learn volumetricpredictions using deep networks with 3D convolutional operations, which aredirect analogies to classical 2D ones. However, these methods...
Tensorflow
692
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference
Pytorch
693
 Real time ground filtering algorithm of cloud points acquired using Terrestrial Laser Scanner (TLS)  Hernan Porras, Jhon Caceres, Omar Gallo, Nelson Diaz
3D modeling based on point clouds requires ground-filtering algorithms that separate ground from non-ground objects. This study presents two ground filtering algorithms. The first one is based on normal...
694
 Associatively Segmenting Instances and Semantics in Point Clouds  Jiaya Jia, Chunhua Shen, Xiaoyong Shen, Shu Liu, Xinlong Wang
A 3D point cloud describes the real scene precisely and intuitively.To datehow to segment diversified elements in such an informative 3D scene is rarelydiscussed. In this paper, we first introduce a simple...
conference
Tensorflow
696
 Point Cloud Completion by Learning Shape Priors  Marcelo H. Ang Jr, Gim Hee Lee, Xiaogang Wang
In view of the difficulty in reconstructing object details in point cloud completion, we propose a shape prior learning method for object completion. The shape priors include geometric information in both...
Tensorflow
699
 NuScenes: A multimodal dataset for autonomous driving  Oscar Beijbom, Giancarlo Baldan, Yu Pan, Anush Krishnan, Venice Erin Liong, Sourabh Vora, Alex H. Lang, Holger Caesar, Varun Bankiti, Qiang Xu
Robust detection and tracking of objects is crucial for the deployment of autonomous vehicle technology. Image based benchmark datasets have driven development in computer vision tasks such as object detection,...
conference
700
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference
Tensorflow
701
 Unsupervised Learning of Shape and Pose with Differentiable Point Clouds  Alexey Dosovitskiy, Eldar Insafutdinov
We address the problem of learning accurate 3D shape and camera pose from acollection of unlabeled category-specific images. We train a convolutionalnetwork to predict both the shape and the pose from...
conference
Pytorch
702
Pcs
30/08/2021
1 week ago
Module for point cloud semantic segmentation
C++
semantic-segmentation
703
IROS 2020 point cloud analysis
13/11/2020
1 years ago
IROS 2020 papers/code focusing on point cloud analysis
neural-networks iros-2020
704
ORB SLAM2 with saved point cloud
19/02/2021
9 months ago
Execute ORB SLAM2 system and save global point cloud map
C++
Other
orb-slam2
705
Automating the Python Cloud Segmentation and 3D shape detection Using multi order RANSAC and unsupervised clustering DBSCAN
Jupyter
Python
python-cloud-segmentation
706
Binocular vision
29/06/2018
7 months ago
Using grid image to construct point cloud and simple point cloud processing
C++
707
Depth box filter
06/05/2018
2 years ago
Box filtering of depth images
C++
depth-image filter pcl plane ros
708
LiDAR cam sonar
14/08/2020
6 months ago
Mapping LiDAR point clouds to image frame KITTI dataset
Jupyter
filtering kitti-dataset robotics transformations
709
Point cloud visualization
11/12/2017
10 months ago
Tutorial to demonstrate Point Cloud visualization
C++
pcd pcl point-cloud-visualization visualization visualizer
710
Iterative Closest Point
29/06/2020
3 weeks ago
Native Python implementation of an SVD based variant of the Iterative Closest Point (ICP) algorithm for matching 2 point clouds.
Python
algorithm iterative-closest-point
711
Topics in CV and DL
12/01/2020
1 years ago
Collection of my personal summaries of Computer Vision and Deep Learning papers.
autonomous-driving computer-vision neural-networks summaries
712
Direct warper
13/05/2021
9 months ago
Direct Warper implementation used in my PhD thesis (2019)
Python
depth differentiation occlusion warp
713
3DPointcloud
13/12/2020
11 months ago
A repository for various 3D point cloud networks including PointNet, DGCNN and PointCNN...
Jupyter
3dsegmentation classification
714
PCE
17/01/2018
5 months ago
Accuracy and Completeness Estimate Tool for Point Cloud.
C++
accuracy completeness evaluation
715
LiDAR processor
05/06/2020
4 months ago
On the fly LiDAR processor and visualizer for Velodyne sensors
C++
gps lidar pcl positioning slam velodyne
716
Point cloud lib
24/05/2020
10 months ago
Point cloud lib.
Jupyter
kitti-dataset lidar pcl ply
717
Robotic Vision
10/11/2020
2 weeks ago
A collection of assignments and projects done as part of the Mobile Robotics course at IIIT H during Monsoon 2020. Detailed description of the project/code is present in the Jupyter notebooks.
Jupyter
pnp robotic-vision
718
SCS
29/09/2018
5 months ago
Sorting the Correspondence Space Algorithm
Python
algorithms point-set-registration
719
Android Data Collection
05/06/2019
6 months ago
This repository contains code to collect data from Android devices such as gyroscope, magnetometer, barometer, accelerometer and point cloud readings along with video feed.
Java
android arcore arcore-android camera2-api kotlin multi-camera multicamera multicamera-android
720
Masterarbeit
26/11/2021
1 month ago
Implementation of PHASE loss
Python
neural-networks fourier-features modica-mortola perimeter rendering-3d-graphics surface-reconstruction
721
FiberGL
26/03/2018
4 months ago
Multi window OpenGL using Boost Fibers and GLFW (with a simple pointcloud display sample).
C
Opengl
3d-graphics
722
Teraranger array converter
13/09/2017
1 years ago
ROS package for converting RangeArray messages from "teraranger array"
Python
conversion laser-scan rangefinder robotics ros terabee teraranger teraranger-evo teraranger-hub teraranger-one teraranger-tower
723
Pl Net3D
08/10/2019
3 months ago
PL Net3D: Robust 3D Object Class Recognition Using Geometric Models
Python
neural-networks classification pointcloud-3d-detection primitive
724
3D Change Detection
07/09/2020
1 month ago
3D Change Detection In Point Cloud
Matlab
3d-change-detection change-detection change-point change-point-detection changedetection pcl point-cloud-library pointcloudlibrary pointcloudprocessing point-cloud-registration
725
PointNet3
11/10/2017
2 years ago
Jupyter
Pytorch
neural-networks
726
Pole detection
13/01/2021
1 years ago
Detecting street poles in HD map point cloud data.
Python
3d-object-detection computer-vision hd-maps
727
Scaniverse
15/03/2021
2 months ago
About Scaniverse: 3D Scanner
3d-models 3d-scanning ios lidar
728
Pcc geo CNN samples
10/05/2019
2 years ago
Supplementary Material for Learning Convolutional Transforms for Point Cloud Geometry Compression
Html
compression geometry neural-networks supplementary-material
729
Ritter bounding sphere
18/04/2019
3 months ago
Compute bounding sphere for a set of points using Jack Ritter's algorithm
Javascript
3d bounding-sphere geometry spatial spatial-indexing sphere
730
RoboND Perception Project
04/09/2017
11 months ago
This is my implementation of the 3D Pick and Place project for the Udacity Robotics Nanodegree. We perform multiple processes to segment a point cloud into its object components and use scikit learn to do object recognition. A PR2 robot then performs a pick and place operation on the recognized objects in simulation with ROS and Gazebo.
C++
Python
gazebo pcl python-pcl robotics ros scikit-learn
731
Supervised ICP
25/02/2022
2 weeks ago
A human supervised ICP software that gives you the tools to best align Point Clouds.
Python
icp
732
LiDAR3D and camera
06/07/2021
5 months ago
Testing of transformation matrices between LiDAR Velodyne VLP16 and RGB camera with MatLAB
Matlab
camera-calibration lidar velodyne
733
Pcd2las
16/07/2021
8 months ago
Convert .Las or .Pcd point cloud to .Pcd or .Las extension
C++
file-extension
734
K4a VFX
29/12/2020
2 weeks ago
AzureKinect + Unity Visual Effect Graph Sample
C#
Unity
azure-kinect vfx-graph visual-effects
735
Simulocloud
14/02/2017
2 years ago
Tools to simulate airborne LiDAR scanning data (re write of pointcloud utilities).
Python
las lidar
736
CloudShadow
11/05/2018
2 years ago
VR reality project about digital traces
C++
Unity
animation laserscan laserscanner virtual-reality vr
737
Gui convert pts to ply
14/06/2019
11 months ago
Simple GUI App to convert between pts and ply point cloud files (the reason being that ply files are easily imported inside Houdini)
Python
ply pts pyside2
738
Point cloud processing
10/09/2020
11 months ago
Toolkit for Point Cloud Processing
C++
Cmake
cpp-library point-cloud-processing
739
Point transformer
21/04/2021
5 months ago
NPM3D: 3D Modeling & Point Clouds (MVA 2021) Project on "Point Transformer" by H. Zhao et al.
Python
Pytorch
attention modelnet40 point-transformer transformer
740
DGCNN on FPGA
26/12/2020
this week
PLEASE USE THE NEW REPO https://github.Com/salehjg/DeepPoint V2 FPGA . The deprecated in order queue based repository for "DGCNN on FPGA: Acceleration of The Point CloudClassifier Using FPGAs".
C++
classification neural-networks dgcnn fpga heterogeneous hls xilinx
741
PyPipes
07/01/2022
2 weeks ago
Reconstruction of 3D pipelines from point clouds. A Pytorch implementation of DeepPipes.
Python
Pytorch
convolutional-neural-networks pipes-reconstruction skeleton-extraction
742
LiDAR Obstacle Detection
06/09/2019
9 months ago
Obstacle detection using LiDAR
C++
lidar perception robotics
743
Cs231a project
20/04/2017
1 years ago
Image segmentation and point classification using UAV survey images of a California volcano
Python
classification image-processing segmentation uav-images
744
Cloudclean
15/12/2016
1 years ago
Point cloud cleaning framework
C++
cleaning cross-platform segmentation
745
Fast Quick hull
01/12/2019
3 weeks ago
Fast C++ multi threaded algorithm for computing convex hulls
C++
convex convex-hull convex-hull-algorithms multi-threading quickhull quickhull-algorithm
746
TinySFM
30/05/2021
1 week ago
Structure From Motion in 50 lines using OpenCV
Python
3d-reconstruction computer-vision multiple-view-geometry sfm slam
747
PointNet Tensorflow2
09/11/2021
1 week ago
This is PointNet with Tensorflow 2.6.0.
Python
classification pointnet segmentation tensorflow2
748
PointcloudToPCD
20/09/2018
1 month ago
C++ application to convert ply file, txt file or xyz file point cloud to PCD file
C++
Cmake
pcd pcl-library ply txt xyz-reader
749
Python
Opencv
canny-edge-detection gaussian-filter pole-detection spyder
750
ToolArtec
29/09/2017
9 months ago
ToolArtec dataset with 50 high quality, full view point clouds of household tools with mass and affordance groundtruth for 5 tasks
affordance affordance-groundtruth dataset
751
Phantom obstacles
23/12/2018
2 years ago
Removes phantom obstacles from maps created from robot point clouds
Jupyter
maps obstacle-detection robotics
752
BlenderSLAM
04/10/2021
1 month ago
This repository can be used to create point clouds using stereovision in the Blender environment
Python
blender blender-addon g2o ptam slam slam-algorithms
753
3D Vehicle Tracking
18/11/2019
12 months ago
Vehicle tracking using LiDAR and RGB camera
C++
computer-vision object-tracking robotics yolov3
754
Xyz rgb
27/10/2020
1 years ago
Two ways converter between point clouds OBJ and 16 bit PNG images.
Rust
converter png
755
Vlp16 pointcloud
26/05/2017
11 months ago
Velodyne VLP16 point cloud organizer
C++
pcl ros velodyne-sensor vlp16
756
RoboND pickandplace
21/06/2018
12 months ago
The project was run in ROS and RViz simulation to practice 3D image segmentation and train a robot with SVM algorithm.
C++
color-histogram confusion-matrix downsampling image-processing object-detection ransac svm-classifier
757
Points position optimization
26/03/2018
4 months ago
Robust filtering of noisy scattered point data
C++
filtering
758
Conan draco
21/01/2019
1 month ago
Conan recipe for the Draco library
Python
3d-graphics compression conan conan-packages conan-recipe draco google mesh
759
Object classification 2D to 3D
29/12/2020
1 month ago
Images from an RGB D camera are used to detect/classify objects in 2D, then detections are projected on the 3D point cloud.
Jupyter
Opencv
cascade-classifier image-processing kinect-sensor neural-networks non-maximum-suppression rgb-depth-image
760
HMDRemoval
18/11/2020
2 weeks ago
Source code of framework proposed in the paper "Generative RGB D Face Completion for Head Mounted Display Removal", presented at the VHCIE workshop at IEEE VR 2021.
Python
Tensorflow
Other
neural-networks image-inpainting rgb-d social-vr telepresence virtual-reality
761
IP Pointnet
27/10/2021
3 weeks ago
TF2 implementation of PointNet Classifier and PointNet Part Segmentation using point clouds
Python
Keras
neural-networks image-classification image-processing image-segmentation pointnets tensorflow2
762
EGGTol
24/04/2017
2 years ago
A simple CAD application to discretize surfaces from .IGES CAD files.
Python
cad discretization iges opencascade pythonocc simulation tolerancing
763
Lumihoop app
06/12/2016
2 years ago
Tracking & mapping for the Lumihoop project
C
Other
devinehowest experimental-installation hardware interactive-installation kinect lumihoop openframeworks
764
Smeans
05/07/2016
5 months ago
MATLAB iterative algorithm that fits a n dimensional simplicial complex to a point cloud in arbitrary dimensions based on a generalization of k means clustering
Matlab
k-means-clustering meshing simplicial-complex
765
LasViewer
20/12/2018
9 months ago
Very simple tool to view las data.
Rust
lidar lidar-image-fusion lidar-point-cloud lidar-visual
766
UMass 3D Computer Vision
20/08/2021
4 weeks ago
This are the assignments from 3D Computer Vision course take by prof. Evangelos Kalogerakis at UMass
Python
3d-computer-vision 3dcomputergraphics computer-vision correspondence-analysis neural-networks mesh-processing multi-view-geometry multi-view-networks point-cloud-mesh surface-reconstruction
767
PointCloud MachineLearning
24/03/2019
4 months ago
Apply ML to Recognize PointCloud Pattern
Python
neural-networks
768
Marching cubes gh
18/01/2019
2 months ago
Marching Cubes Implementation for Grasshopper and Rhinoceros
Python
ghpython grasshopper marching-cubes mesh rhino rhinoceros
769
Pointcloud Velodyne
23/01/2018
1 years ago
Visualize a Velodyne point cloud and convert to asc for MeshLab. Handy for processing LiDAR scans.
Processing
Java
Other
computer-vision lidar
770
 Symmetry Detection of Occluded Point Cloud Using Deep Learning  Hongyan Jiang, Zhelun Wu, Siyun He
Symmetry detection has been a classical problem in computer graphics, many of which using traditional geometric methods. In recent years, however, we have witnessed the arising deep learning changed the...
Pytorch
771
 Generating 3D Adversarial Point Clouds  Chong Xiang, Bo Li, Charles R. Qi
Deep neural networks are known to be vulnerable to adversarial examples which are carefully crafted instances to cause the models to make wrong predictions. While adversarial examples for 2D images and...
conference
Tensorflow
772
awesome point cloud processing
Pytorch
773
 ShapeNet: An Information Rich 3D Model Repository  Qi-Xing Huang, Fisher Yu, Angel X. Chang, Thomas Funkhouser, Silvio Savarese, Manolis Savva, Li Yi, Leonidas Guibas, Jianxiong Xiao, Hao Su, Zimo Li, Shuran Song, Pat Hanrahan
We present ShapeNet: a richly-annotated, large-scale repository of shapesrepresented by 3D CAD models of objects. ShapeNet contains 3D models from amultitude of semantic categories and organizes them under...
Pytorch
774
 Deep Learning for 3D Point Clouds: A Survey  Hao liu, Mohammed Bennamoun, Hanyun Wang, Li Liu, Yulan Guo, Qingyong Hu
Point cloud learning has lately attracted increasing attention due to its wide applications in many areas, such as computer vision, autonomous driving, and robotics. As a dominating technique in AI, deep...
775
Pointcloud_Registration from LOAM
777
 YOLOv4: Optimal Speed and Accuracy of Object Detection  Hong-Yuan Mark Liao, Chien-Yao Wang, Alexey Bochkovskiy
There are a huge number of features which are said to improve Convolutional Neural Network (CNN) accuracy. Practical testing of combinations of such features on large datasets, and theoretical justification...
778
Lasviewer
31/01/2019
3 months ago
A simple tool for view point clouds of las format (aspr 1.4), using Qt5, OSG3.4
C++
Qt
osg
779
HornsMethod
31/05/2017
2 years ago
Simple demo of Horn's Method for rigid registration of 3D point clouds.
Python
point-cloud-registration rigid-motion-estimation
780
Kinect processing plane fitting
09/02/2022
1 month ago
3D Point Cloud Plane Fitting RANSAC like Algorithm for Kinect V2, written in Processing Java
Processing
3d kinect-v2 plane-fitting ransac-algorithm
781
Python
neural-networks adversarial-attacks adversarial-examples classification data-augmentation dgcnn fgsm gans generative-adversarial-network modelnet modelnet-dataset point-augment point-network
782
Point Cloud
29/03/2018
3 years ago
C++
kitti pcd txt visual-odometry
783
Depthmap to pcd
03/04/2019
3 months ago
Extract Point ClouD (PCD) from Depth Map information from 3D camera (OpenNI and FreeNECT supported)
C++
Opencv
and computer-vision from kinect pcl primesense to
784
Point Cloud Computing
24/12/2019
1 years ago
This repo mainly consists of point cloud computing using ModelNet40 dataset.
Jupyter
neural-networks modelnet-dataset
785
DepthSolver
26/05/2020
10 months ago
A general depth map estimator for both monocular and binocular cases.
C++
Opencl
3dvision computer-vision depth-estimation semiglobalmatching stereomatching
786
Room3DReconstruction
09/02/2019
1 years ago
Reconstruction of office from a set of 3D point clouds
Matlab
3d-reconstruction image-reconstruction intel-realsense
787
Mesh tools
08/02/2022
3 weeks ago
Tools for reconstructing, processing and evaluating surface meshes.
C++
cgal delaunay-triangulation mesh surface-reconstruction
788
Pcd2txt
23/10/2020
5 months ago
Convert a .Pcd file (point cloud data) into txt format (xyzi)
C++
Cmake
pcd pcd-to-txt pcd2txt pointxyzi txt
789
LiDAR Obstacle Detection
29/11/2020
10 months ago
Obstacle detection performed on real LiDAR point cloud data. (Udacity project)
C++
clustering lidar pcl segmentation
790
3D reconstruction
16/09/2018
1 years ago
Https://github.Com/FusionEye/3D reconstruction
Python
pcl
791
LiDAR Obstacle Detection
21/05/2021
4 months ago
A self driving car needs some techniques for preventing collision with pedestrians, vehicles, and other objects that would exist in the way of a car. One of these tools is LiDAR that can be used for obstacle detection on the road. In this repository, I am going to implement a LiDAR Obstacle Detection by using C++.
C++
lidar obstacle-detection pcl pcl-library self-driving-car
792
LFNet
15/04/2021
7 months ago
LFNet: Local Rotation Invariant Coordinate Frame for Robust Point Cloud Analysis
Python
tesorflow
793
FacetFlowNetwork
14/06/2019
2 years ago
Flow accumulation on TINs of point cloud data
C
drainage-area drainage-network-extraction flow-accumulation geomorphology river-networks triangle-mesh
794
Ar marker or point cloud
27/04/2021
1 month ago
Augmented reality using ArUco markers or point cloud data from RGB D camera
C++
Opencv
Unity
aruco-markers augmented-reality intellisense
795
IP Pointnet ObjectDetection
03/02/2022
1 month ago
Frustum Pointnet Implementation on KITTI and Lyft Dataset
Python
Keras
Opencv
neural-networks image-processing image-segmentation mayavi object-detection pointnet pointnet2 tensorflow2
796
BagDataConverter
19/01/2017
4 years ago
Bag Data Converter from Image Topic to RGB Image, from PointClound2 to PCD
Python
data-convert ros topic
797
Pontu module
20/05/2021
7 months ago
Mdulo Node.Js, utilizando a biblioteca Pontu, para processamento e anlise de imagens tridimensionais, representadas por nuvens de pontos.
C
Javascript
3d cloud-register node-module nodejs pcd pontu
798
TFG
26/08/2021
3 months ago
3D Point Cloud segmentation, detection & classification by PointNet in a low cost system. (Http://hdl.Handle.Net/10553/111210)
Python
Keras
Tensorflow
jetson-nano nvidia object-recognition open3d picoflex pointnet segmentation trimesh
799
ToolKinect
01/10/2017
2 years ago
ToolKinect dataset composed of 13 point clouds of 13 everyday tools with affordance and mass groundtruth for 5 tasks.
affordance affordance-groundtruth dataset
800
Papers
22/05/2020
8 months ago
Computer vision && image processing
3d-computer-vision neural-networks image-processing object-detection
801
Persistence rank function
07/05/2020
1 years ago
The project is an official implementation of our paper "Vectorization of persistence barcode with applications in pattern classification of porous structures" (Computers & Graphics 2020)
Matlab
neural-networks persistence-homology
802
Tesserae3D
23/01/2021
4 months ago
TESSERAE3D: A BENCHMARK FOR TESSERAE SEMANTIC SEGMENTATION IN 3D POINT CLOUDS
3d dataset neural-networks mosaic random-forest semantic-segmentation
803
Responsive Navbar
26/11/2021
1 month ago
Responsive Navbar using html , CSS which adjust according to the page height and width.
Css
cursors list mediaqueries
804
No control
30/05/2019
10 months ago
Creating a variable cloud of points with a potentiometer and a Kinect v2
Processing
arduino control data-visualization kinect-v2 portrait potentiometer surveillance
805
Points
13/12/2018
2 weeks ago
Pointnet implementation with Keras and Pytorch
Python
Keras
neural-networks pointnet
806
PretiaMap2PLY
17/03/2022
this week
Unity editor extension for converting and exporting pretia map as ply point cloud
C#
Unity
pretia
807
3D npr
05/10/2018
3 years ago
Non photorealistic rendering with mesh vectorization
C++
mesh
808
Dggs code
23/08/2019
2 months ago
The Java library to encode (and decode) 3D (also 2D) Discrete Global Grid System (DGGS) code for the Point cloud
Java
decoding dggs discrete-global-grids encoding isea4d java-library morton
809
Ectopylasm
17/06/2019
1 years ago
Tools for visualizing and fitting pointcloud data
Python
filtering fitting geometry ipyvolume ply-files visualization
810
PointCloudAlgorithms
11/05/2019
10 months ago
A curated list of awesome Point Cloud Processing algorithms
algorithm pointcloudprocessing
811
RealSensePointCloudVisualizer
31/12/2020
6 months ago
RealSense Point Cloud Visualizer in Open3D Python
Python
librealsense2 open3d open3d-python realsense
812
USGS LiDAR custom package
17/08/2021
6 months ago
A Python package for fetching, manipulating, and visualizing USGS 3DEP LiDAR point cloud data.
Jupyter
Python
813
Rosbag to pointcloud
10/04/2021
9 months ago
This is a tool which can translate rosbag to point cloud file(pcd or txt).
Cmake
ros rosbag
814
Sketch2PointCloud
12/05/2021
1 month ago
Code for the paper: A Sketch based 3D Point Cloud Modeling System based on Deep Generation Network and Detail Editing
Python
Pytorch
3d-reconstruction pyopengl pyqt5 sketch
815
CAD Model PointCloud
27/01/2022
1 month ago
Point cloud of CAD models
Matlab
cad
816
2DPointCloudIndexing
15/05/2017
2 years ago
2D Point Clouds Indexing Similarity Search
C++
cpp-library datastructures indexing similarity-search
817
Deep learning
07/02/2022
2 weeks ago
Final project for the Computational Intelligence and Deep Learning course at University of Pisa.
Jupyter
Keras
convolutional-neural-networks neural-networks keras-neural-networks keras-tensorflow tensorflow2
818
Intel Realsense L515 3D Scanner
13/08/2021
3 months ago
Simple 3D Scanner/PCD generator using Intel Realsense L515 camera and rotation matrices
Python
open3d-python opencv-python realsense2
819
Alob
26/02/2018
2 years ago
Programm zum Wiedererkennen von Geburtshelferkrten
Python
bokeh capture-recapture django neural-networks pattern-matching pattern-recognition scikit-learn
820
PointNet AutoEncoder chainer
13/11/2018
1 years ago
This repository is a informal autoencoder version of the code implemented in https://github.Com/corochann/chainer pointnet.
Python
autoencoder chainer neural-networks pointnet
821
PointCloudMatching
02/05/2019
6 months ago
Sample for PointCloud matching using Mesh from CAD model. Topics: #Algorithm #Point Cloud #Mesh #Matching #Sample #SICK AppSpace
Lua
algorithm matching mesh sample sick-appspace
822
Lcjs example 0902 3D50kPoints
04/09/2020
1 years ago
A demo application showcasing using LightningChart JS 3D point series.
Javascript
3d 3d-data-visualization demo example lcjs lightningchart-js scatter-plot
823
VBA Point selection
16/02/2021
7 months ago
Excel Visual Basic (VBA) Macro to extract points from points cloud.
Vba
vba-excel
824
Plot3D
08/02/2022
1 month ago
WebApp for visualising 2.5D datasets
Html
2-point-5-d delaunay triangulation visualization webapp
825
Vegetable
16/03/2022
this week
All about turning vector graphics into a set of points.
Python
data-preparation data-science svg ttf vector-graphics
826
LPF Defense
18/02/2022
this week
The Code and Data for the paper "LPF Defense: 3D Adversarial Defense based on Frequency Analysis"
Python
3d-reconstruction adversarial-attacks computer-vision frequency-analysis spherical-harmonics
827
3D ML
10/09/2021
1 month ago
Learning 3D ML
Jupyter
Python
3d-ml geometric-deep-learning mesh open3d pytorch3d trimesh
828
3D Pointcloud viewer
05/06/2017
4 years ago
The code is design to display 3 Dimensional point from micro controller in real time
Processing
realtime
829
Stereo estimation
18/11/2020
1 years ago
Naive and dynamic programming stereo matching schemes. 3D point cloud generation from disparities. Project for the course 3D Sensing and Sensor Fusion at ELTE
c++ stereo-matching
830
Raster3D
08/04/2017
3 years ago
3D rasters are powerful and you already know how to use them (US IALE 2017 slides)
Javascript
3d-raster gis grass-gis lidar presentation
831
Displaz landscape evolution
13/03/2018
3 years ago
Displaz visualization hacks for evolving landscapes
Python
3d-visualization landscape-evolution laz
832
Point Cloud Shape Approximation
22/06/2020
4 months ago
Using k order Markov Path Optimization to fit shapes to sparse point cloud data.
Python
computer-vision optimization robotics
833
Petri nodes
27/03/2017
1 years ago
Some dots and lines painted on a canvas.
Javascript
canvas node-module
834
PDAL c
12/01/2019
1 years ago
C API for the Point Data Abstraction Library (PDAL)
C
Other
ffi las lidar pdal
835
Cesium myapps
01/06/2018
9 months ago
CesiumJS example apps
Javascript
3d 3d-models cesium cesium-terrain cesiumjs
836
Spiralsort
13/03/2020
8 months ago
A point cloud spiral sorting algorithm
Python
sorting
837
Stereo reconstruction
28/11/2020
1 years ago
Estimating the fundamental and essential matrices of input stereo images, and then reconstructing the 3D points by triangulation.
C++
3d-reconstruction camera-parameters essential-matrix fundamental-matrix stereo-reconstruction triangulation
838
DOCHAL
21/07/2021
7 months ago
A semi automatic R script for the determination of crop height and lodging from point clouds or DEMs.
R
agriculture dsm dtm lodging uav
839
QuikGrid
21/11/2021
2 months ago
Contour mapping and 3D surface modeling app
C++
C
3d 64-bit autocad cartography contour contour-plots digital-elevation-models dxf gridding mapping mfc topography windows
840
Urban PointCloud Analysis
13/12/2021
1 month ago
This repository contains methods for the automatic extraction of urban street furniture from labeled PointClouds.
Python
3d-data lidar-point-cloud object-extraction segmentation street-furniture
841
Pointcloud format converter
28/10/2021
4 months ago
UI for converting various point cloud file formats
Python
open3d open3d-python pcl
842
ITree3DMap
11/07/2018
10 months ago
3D Mapping of a tree for dendrometric feature estimation
C++
Cmake
Opencv
dbscan dendrometric openmvg pcd pcl-library ply pmvs2 precision-agriculture precision-farming robotics
843
Bei der Vermessung eines physischen Raumes ist das Ergebnis eine Punktwolke. Diese Punktwolke beschreibt dann ausgewhlte Punkte im Raum, zum Beispiel auf den Wnden und der Decke. Wenn diese Punkte in zwei seperaten Messungen gemessen werden, vielleicht sogar von unterschiedlichen Gerten, soll hinterher herausgefunden werden wie genau diese Punktwolken bereinstimmen. Dafr gibt es zwei grundstzlich verschiedene Methoden. Diese sollen hier verglichen werden.
Jupyter
3d-models accuracy-metrics data-analysis data-visualization kaggle measure-distance pointcloudprocessing punkte simulation statistics
844
PCD Viewer
15/09/2020
5 months ago
Create Point Cloud Prefabs from PCD files.
C#
Unity
converter pcd pcd-files pcd-viewer pcl-library pcl-viewer point-cloud-prefabs tool unity-asset
845
LiDAR volume
10/12/2021
2 months ago
Calculation volume of terrain object by point cloud
Matlab
lidar
846
Pcd processing
14/09/2021
3 months ago
The project includes point cloud data processing methods, .Pcd to .Bin, .Bin to .Pcd, and ascii format to binary format.
Python
pcd-files
847
Vtk to Pytorch geometric
29/06/2020
1 years ago
Pytorch Geometric point cloud representation for vtk 3D objects
Python
dataset pytorch-geometric vtk vtk-library
848
Fast ICP
28/06/2018
this week
Interactive Closest Point for 3D reconstruction, support normal space sampling, closest point matching, point2point/point2plane error minimization
Python
3d-reconstruction icp
849
Semviz
31/12/2018
1 years ago
Point cloud viewer using semantic queries for retrieving clouds based on their properties. This is a contribution to project Knowdip of the i3Mainz research lab.
Java
jogl ontology point-cloud-visualizer semantic sparql viewer
850
PyP2Mesh
07/10/2018
3 years ago
Python wrapper for finding a point's closest point on a triangle mesh
Python
closest-points mesh projection python-wrapper triangle-mesh
851
PointCloudBackgroundSubraction
12/05/2019
1 years ago
Detection of Spatial Changes in Point Clouds using Octrees
Makefile
autonomous-robots perception
852
Rosenthal Linsen Lars 2008
03/05/2019
2 years ago
Image space Point Cloud Rendering
C++
rendering science-research
853
3D Shape Reconstruction
11/06/2018
2 years ago
A variational auto encoder for 3 D point cloud shape reconstruction.
Python
Tensorflow
3d-reconstruction depth-map multiview resnet
854
PointCloud Proj
29/05/2020
11 months ago
Las, Pcd processing.
Python
855
PatternAnalyser
13/10/2020
1 years ago
This projekt presents an example about how to use Voronoi Diagrams and Delaunay Triangulation on pointclasses files extracted from breast's cells to analyse and represent their patterns and structures
C#
delaunay delaunay-triangulation pattern-recognition voronoi voronoi-diagram
856
Generalized K means on graph is an algorithm that utilizes centrality measures such as PageRank, harmonic centrality, etc to obtain k means clustering algorithm to directed and undirected graphs.
Python
clustering community-detection graph-algorithms k-means-clustering sklearn unsupervised-learning unsupervised-machine-learning
857
LiDAR processing
13/05/2021
1 month ago
A ros based library for point cloud processing
C++
autonomous-driving grid-map object-detection object-tracking ros segmentation sensor-fusion
858
Point cloud web viewer
12/01/2018
4 months ago
A web pointcloud viewer, using a novel pointcloud LOD structure
Javascript
Three-js
arangodb webapp
859
Udacity Sensor Fusion
03/07/2020
11 months ago
This is about my course of sensor fusion
C++
Matlab
camera kalman-filter lidar lidar-point-cloud radar
860
Pointcloud analysis
13/07/2021
2 months ago
Codes for the Point Cloud Analysis Project (IPL Lab, Sharif UT)
Python
Pytorch
3d-vision computer-vision dgcnn pointnet saliency-map
861
Articulated objects scene builder
17/03/2021
3 months ago
ROS node for estimating a point cloud based model of the scene enhanced with information about articulated objects (drawer, wardrobe, cabinet) based on a single RGB D image.
C++
articulated-objects cabinet drawer estimation kinect model object-detection pcl pcl-library rgbd ros-noetic scenebuilder single wardrobe
862
ToF EdgeDetection
19/07/2021
3 months ago
Edge Feature Detection in 3D Point Cloud Using ToF Camera (such as Kinect)
C++
azure camera kinect
863
Pc landing
09/06/2021
4 months ago
ROS package for autonomus landing
C++
realsense ros
864
Learning Efficient Point Cloud Generation for Dense 3D Object Reconstruction
Tensorflow
867
 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation  Leonidas J. Guibas, Kaichun Mo, Hao Su, Charles R. Qi
Point cloud is an important type of geometric data structure. Due to itsirregular format, most researchers transform such data to regular 3D voxelgrids or collections of images. This, however, renders...
conference

 VoxelNet: End to End Learning for Point Cloud Based 3D Object Detection  Yin Zhou, Oncel Tuzel
Accurate detection of objects in 3D point clouds is a central problem in manyapplications, such as autonomous navigation, housekeeping robots, andaugmented/virtual reality. To interface a highly sparse...
conference

 Frustum PointNets for 3D Object Detection from RGB D Data  Wei Liu, Leonidas J. Guibas, Chenxia Wu, Hao Su, Charles R. Qi
In this work, we study 3D object detection from RGB-D data in both indoor andoutdoor scenes. While previous methods focus on images or 3D voxels, oftenobscuring natural 3D patterns and invariances of 3D...
conference

 PCPNET: Learning Local Shape Properties from Raw Point Clouds  Maks Ovsjanikov, Yanir Kleiman, Paul Guerrero, Niloy J. Mitra
In this paper, we propose PCPNet, a deep-learning based approach forestimating local 3D shape properties in point clouds. In contrast to themajority of prior techniques that concentrate on global or mid-levelattributes,...
Tensorflow
870
[CVPR2021] Papers related to 3D point cloud.
872
repo forked from https://github.com/chenhsuanlin/3D-point-cloud-generation
875
Tensorflow
876
open3D and topology data analysis
889
 Visualizing Global Explanations of Point Cloud DNNs  Hanxiao Tan
In the field of autonomous driving and robotics, point clouds are showing their excellent real-time performance as raw data from most of the mainstream 3D sensors. Therefore, point cloud neural networks...
Pytorch
890
3D model reconstruction from 2D images in Augmented Reality.
893
 Frustum PointNets for 3D Object Detection from RGB D Data  Wei Liu, Leonidas J. Guibas, Chenxia Wu, Hao Su, Charles R. Qi
In this work, we study 3D object detection from RGB-D data in both indoor andoutdoor scenes. While previous methods focus on images or 3D voxels, oftenobscuring natural 3D patterns and invariances of 3D...
conference

 PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space  Leonidas J. Guibas, Li Yi, Hao Su, Charles R. Qi
Few prior works study deep learning on point sets. PointNet by Qi et al. is apioneer in this direction. However, by design PointNet does not capture localstructures induced by the metric space points live...
conference
Tensorflow
894
 Adversarial Autoencoders for Compact Representations of 3D Point Clouds  Tomasz Trzciński, Rafał Nowak, Piotr Klukowski, Maciej Zięba, Maciej Zamorski, Wojciech Stokowiec, Karol Kurach
Deep generative architectures provide a way to model not only images but alsocomplex, 3-dimensional objects, such as point clouds. In this work, we presenta novel method to obtain meaningful representations...
Pytorch
895
 On the Expectation of a Persistence Diagram by the Persistence Weighted Kernel  Genki Kusano
In topological data analysis, persistent homology characterizes robusttopological features in data and it has a summary representation, called apersistence diagram. Statistical research for persistence...
896
An implementation of 3D object classification and segmentation
897
independent winter project
Tensorflow
898
DetectWindows
29/05/2018
3 months ago
DetectWindows from point clouds of buildings
C++
corner-points pcd
899
FastGlobalRegistration
16/12/2020
1 years ago
Register two point clouds and estimate a rigid transformation. Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
900
Point cloud visualizer
02/12/2016
4 years ago
Point Cloud Visualizer
C++
computer-vision point-cloud-visualizer visualization visualizer
901
Matlab
Other
lidar mathematical-morphology
902
MeshToPointcloudFPS
29/07/2021
7 months ago
A mesh to pointcloud converter with FPS algorithm and HDF5 output generator
C++
farthest-point-sampling
903
FastGlobalRegistration
02/05/2019
6 months ago
Register two point clouds and estimate a rigid transformation. Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
904
Qhulltest
07/02/2020
2 years ago
Test QHull library with PCL
C++
pcl qhull ransac
905
3D Sensing Sensor Fusion
27/11/2020
1 years ago
3D Sensing and Sensor Fusion
C++
Cmake
eigen filters icp stereo-vision upsampling
906
Matlab
lidar mathematical-morphology
907
FastGlobalRegistration
15/09/2021
6 months ago
Register two point clouds and estimate a rigid transformation. Topics: #algorithm #point cloud #sample #sick appspace
Lua
algorithm sample sick-appspace
908
Local samplenet
12/12/2020
4 months ago
NN which sample points clouds for classification task by incorporate local information in the sampling process.
Python
computer-vision neural-networks
909
3D Mesh Classification PointNet
27/04/2021
10 months ago
Python
mesh-networks neural-networks pointnet tensorflow2
910
Python
central-limit-theorem grayscale-images image-processing noise-reduction rgb-images
911
PCD Viewer Universal
09/09/2019
2 years ago
Point Cloud Library
Makefile
viewer
912
AnalyzeStaticScene
02/05/2019
6 months ago
Segmenting static scene from a Visionary T point cloud Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
913
Nrg seminar
14/11/2017
3 years ago
A program for calculating RGB of LiDAR point cloud points based on ortho photos
Java
las-files lidar lidar-point-cloud
914
AnalyzeStaticScene
15/09/2021
6 months ago
Segmenting static scene from a Visionary T point cloud Topics: #algorithm #point cloud #sample #sick appspace
Lua
algorithm sample sick-appspace
915
Pointnet Pytorch
08/08/2020
1 years ago
Visualizing and understanding point cloud data, subsequently performing deep learning tasks on it.
Jupyter
Pytorch
neural-networks pointnet
916
ICP Variants
11/12/2021
1 month ago
Analysis and implementation of ICP variants
C++
color-icp eth-dataset freiburg-xyz icp iterative-closest-point kinect multi-resolution-icp point-cloud-alignment point-cloud-registration point-to-plane point-to-point rgb-d rigid-registration rigid-transformations symmetric-icp
917
Point cloud registration
28/12/2020
3 months ago
Point cloud registeration using Iterative closest point algorithm
C++
eigen3 nanoflann
918
AnalyzeStaticScene
16/12/2020
1 years ago
Segmenting static scene from a Visionary T point cloud. Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
919
Point in PC polygon
10/04/2018
3 years ago
Python
neural-networks
920
Greyhound s2i
24/11/2017
3 years ago
Greyhound and Entwine automated on OpenShift v3
Shell
entwine greyhound openshift openshift-v3 s2i
921
3D urban land cover classification by prior level fusion of LiDAR point cloud and optical imagery
Jupyter
classification lidar
922
This project is used to generate point clouds from CAD models and transfer face labels and other features to points..
C#
cad cloudcompare neural-networks siemens-nx
923
PointNet Pytorch
12/12/2019
2 years ago
Reimplementation of PointNet in Pytorch for Point Cloud Segmentation
Python
Pytorch
neural-networks pointnet segmentation
924
Superq cloud display
22/03/2018
3 years ago
Helper module to visually evaluate the output of superquadric model in a 3D workspace
C++
superquadric superquadric-model visualization vtk
925
DGA Net
26/11/2021
1 month ago
EECS545 Term Project. An attention based representation learning method of point clouds which also incorporates the ideas of spectral clustering and attentive clustering.
Python
neural-networks representation-learning
926
Stereo Dense Reconstruction
03/11/2019
2 years ago
This repo contains the code for Stereo Dense Reconstruction, Given the Stereo image pairs find the deapth of map of images and from that generate the point cloud of scene.
Python
stereo-algorithms stereo-dense-reconstruction stereo-matching stereo-vision
927
Point cloud server
13/11/2021
2 months ago
Pcdsensor msgs/PointCloud
C++
map-server pcd ros
928
Radiohead point cloud
28/05/2021
9 months ago
Interactive visualization of Radiohead point cloud
C
Opengl
c++ radiohead
929
EnvironmentMapping
25/04/2021
9 months ago
Project developed as part of Final Year Project. The project allows for using Augmented Reality on Android to scan the physical environment, save it, and bring it into Virtual Reality with basic visual representation.
C#
Other
android virtual-reality vr
930
SurfaceModelsHW2
29/04/2020
10 months ago
Application for segmentation of 3D point cloud using different data storage constructions (list, equal cells, kd tree)
Python
pyqt5 segmentation vtk
931
ZJU2021 TuanBigData CourseProject
04/11/2021
2 months ago
ZJU2021 TuanBigData CourseProject
Python
convolutional-neural-networks tuantuan
932
FRAMES3D 3D pointcloud plugins
12/05/2021
9 months ago
Plugin for FRAMES3D for finding local curvature of a point cloud using stochastic gradient descent
C++
3d-models neural-networks university-project
933
Turtlebot cylinder segmentation
26/07/2020
1 years ago
Cylinder segmentation of 3D point cloud captured by the Microsoft Kinect sensor for a robotic competition
Makefile
cylinder-segmentation microsoft-kinect-sensor robotics-competition
934
PointCloudPlayer
15/09/2021
6 months ago
Read scanner record files from resources, view the point cloud and printing meta information to the console. Topics: #algorithm #point cloud #sample #sick appspace
Lua
algorithm sample sick-appspace
935
PointCloudPlayer
16/12/2020
1 years ago
Read scanner record files from resources, view the point cloud and printing meta information to the console. Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
936
PointCloudPlayer
02/05/2019
6 months ago
Read scanner record files from resources, view the point cloud and printing meta information to the console. Topics: #Algorithm #Point Cloud #Sample #SICK AppSpace
Lua
algorithm sample sick-appspace
937
Visualize various feature value distribution
C++
feature-extraction pca visualization
938
LMI LiDAR Mapping Instrument
21/05/2018
3 years ago
A three dimensional LiDAR scanner built as part of ASTR 202 in Spring 2018 (Wellesley College)
Python
lidar student-project
939
Pyicp
17/04/2019
2 years ago
Python wrappers for libicp
C++
change-detection
940
Conan draco
03/02/2020
11 months ago
[Testing repo for conan center index] Conan recipes for draco
Python
3d-graphics compression conan conan-packages conan-recipe draco mesh
941
Web sketches
11/06/2020
5 months ago
Tiny canvas / WebGL things
Javascript
Webgl
canvas game-development
942
AFLiDAR
01/07/2021
8 months ago
Anchor Free LiDAR object detetor for 3D Object detection
Python
computer-vision neural-networks pointpillars voxelization
943
LiDAR snow sim
21/03/2022
this week
LiDAR snow simulation
3d autonomous-driving computer-vision lidar lidar-point-cloud simulation snow snowfall snowflake
944
Algoritmos Paralelos Proyecto
23/10/2020
1 years ago
C codes of the course Parallel Algorithms
C++
C
lidar
945
Eratosthene stream
10/06/2020
1 years ago
Vulkan streaming engine that renders PLY point cloud models and stream rendered frames over the network
C++
3d streaming-video vulkan
946
Point cloud creation from contour
15/05/2021
9 months ago
THis Python codes uses the contour with same illumination to form a point cloud data in .Xyz format.
Python
contours sem
947
Forestfrag3D poster
19/03/2018
2 years ago
Poster for Generalized 3D Fragmentation Index Paper (Petras et al. 2017)
Tex
3d 3d-raster forestry fragmentation gis grass-gis lidar r3-forestfrag spatial-pattern trees
948
Birdcloud
27/11/2018
2 years ago
Birdcloud is an attempt to extract 3 dimensional avian signals from weather radar data.
Python
3d-visualization bird-migration radar
949
Stereo Reconstruction and Non Linear Optimization
Jupyter
kitti-dataset open3d rectification sgbm stereo-matching
950
ARPortal Point Cloud
06/03/2021
9 months ago
ARPortal and Point Cloud
C#
augmented-reality
951
3D Object Tracking
24/06/2021
4 months ago
3D object tracking using keypoint detection and feature matching, LiDAR point cloud data, and image classification using YOLO deep learning model.
C++
Opencv
classification-model freak keypoint-descriptor keypoints-detector lidar orb sift-descriptors yolov3
952
KPConv dgl
21/04/2021
9 months ago
A DGL implementation of "KPConv: Flexible and Deformable Convolution for Point Clouds" (ICCV 2019).
Python
dgl grid-subsampling message-passing
953
G3DTLas
03/02/2022
1 month ago
Las file Library
C++
Qt
Other
las las-file lidar
954
T sne dbscan segmentation
14/09/2021
3 months ago
Point cloud segmentation with DBSCAN
Matlab
dbscan segmentation
955
PointCloudMatching
15/09/2021
6 months ago
Sample for PointCloud matching using Mesh from CAD model. Topics: #algorithm #point cloud #mesh #matching #sample #sick appspace
Lua
algorithm matching mesh sample sick-appspace
956
Apeiron examples
01/04/2018
1 years ago
Example projects using apeiron
C++
Opengl
openvr
957
Masters project 2019
27/04/2019
1 years ago
Masters project 2019. Work started on 27.04.2019
Kotlin
Python
carla-simulator localization
958
DGCNN chainer
31/03/2019
2 years ago
This repository is a informal chainer version of the code implemented in https://github.Com/WangYueFt/dgCNN.
Python
chainer dgcnn
959
Xyz rgb
27/10/2020
1 years ago
Two ways converter between point clouds OBJ and 16 bit PNG images.
Rust
converter png
960
MarchingCubes
27/11/2020
1 years ago
Dynamic optimized mesh generating Marching Cubes algorithm
C++
3d-reconstruction marching-cubes mesh-generation triangle-mesh triangulation
961
PointCloud
29/06/2021
4 months ago
Performance analysis of ICP algorithm implemented in Point Cloud Library
C++
icp pcl-library point-cloud-registration rigid-transformations
962
KITTI data visualizer
14/03/2021
10 months ago
Jupyter Notebook to visualize LiDAR data in both KITTI binaries and PLY files.
Jupyter
Python
kitti kitti-dataset kitti-dataset-visualization ply
963
3DEyeSeg
03/08/2021
6 months ago
2nd place medal: 3D Eye Point Cloud Segmentation Challenge OpenEDS 2021
Python
3d-eye eye-pointcloud eye-segmentation openeds openeds-2021 openeds-challenge torch-points3d vr
964
Blackhart
19/05/2017
this week
Blackhart is a point cloud based rendering engine
C
965
DynamicPCDMS
05/04/2016
3 years ago
The code used for the thesis 'Using a space filling curve approach for the management of dynamic point clouds in a relational DBMS setting'
Python
dbms geomatics
966
PCL Kinect
01/06/2018
2 years ago
C++
kinect-sensor kinect-v2 kinect2 pcl-library
967
ScannerFlow
02/05/2019
6 months ago
Retrieving scans and viewing as point cloud, using the Flow approach. Topics: #Remote Device #Scan #Flow #Point Cloud #Acquisition #Sample #SICK AppSpace
Lua
acquisition flow remote-device sample scan sick-appspace
968
Smutsia
21/04/2020
11 months ago
Code used for experiments during the thesis
Jupyter
ground-detection
969
Tf Cuda ops
02/03/2020
2 years ago
Implementation of some of my custom Cuda ops
C++
Cuda
Tensorflow
970
PointCloudMatching
16/12/2020
1 years ago
Sample for PointCloud matching using Mesh from CAD model. Topics: #Algorithm #Point Cloud #Mesh #Matching #Sample #SICK AppSpace
Lua
algorithm matching mesh sample sick-appspace
971
AgriRoof
01/09/2020
2 months ago
Potential Flat Rooftop Detection using LiDAR and GIS for Rooftop Farming
R
gis lidar lidr rooftop-detection
972
Laspy waveform
23/08/2020
1 years ago
Laspy based LiDAR waveform reading
Python
las laspy lidar waveform wdp
973
Classifying point clouds of different objects using PointNet
Python
Tensorflow
3dvision computer-vision pointnet
974
LASManipulations
12/02/2022
1 month ago
Repository with the basic LAS file manipulations for pointcloud. And a Las viewer with pyQt5 (There is still a manual bugfix on the OCC display module, see comment on "test LasViewer"
Python
las pyqt5-desktop-application
975
StereoVision
20/08/2019
2 years ago
StereoVision, OpenCV Implementation
C++
Opencv
disparity-map stereo-calibration stereo-vision
976
Streamconv
09/12/2019
2 years ago
Memory efficient conversion between pointcloud and mesh data formats
Haskell
converter mesh mesh-processing pointcloudprocessing
977
Ptx cloud scan splitter
01/09/2020
1 years ago
Split PTX file into individual scans
Python
lidar ptx
978
Mesh
16/12/2020
1 years ago
Introduction Sample on the capabilities of the Mesh API. Topics: #Algorithm #Point Cloud #Mesh #Sample #SICK AppSpace
Lua
algorithm mesh sample sick-appspace
979
Cloud plane seg
28/06/2021
8 months ago
A tool for iterative large plane segmentation/removal in (indoor) point clouds based on PCL SAC segmentation.
C++
Other
extraction plane removal segmentation
980
Docker cloudcompare
16/02/2021
6 months ago
Dockerised CloudCompare application for headless batch calculations.
Dockerfile
cloudcompare lidar
981
Ndt map
04/10/2021
5 months ago
Python Package to create NDT Maps
Python
ndt
982
Bachelor thesis
21/09/2017
1 years ago
This study aims to explore the algorithm for the comparison of 3D point sets as a method for evaluating the camera position and unknown parameter estimators obtained using it.
Jupyter
camera-position iterative-closest-point least-squares matching-algorithm rotation-matrix singular-value-decomposition slam
983
Laz loader
07/04/2017
4 years ago
Laz file loader ported from plas.Io's laslaz loader
visualization
984
Qzeb3D
08/05/2017
4 years ago
Calculating 3D point clouds from Georawfiles/Georohdaten of german ZEB
C++
pavement zeb
985
Neste Jupyter Notebook ensino como manipular nuvens de pontos 3D com diversas bibliotecas do Python. Diversos exemplos de visualizao, pr processamento, registro e alimentao de uma rede neural (MLP) com nuvens de pontos 3D so comentados e testados.
Jupyter
nuvens-de-pontos point-cloud-registration pointcloud-segmentation pointcloudprocessing tutorial
986
Mesh
02/05/2019
8 months ago
Introduction Sample on the capabilities of the Mesh API Topics: #Algorithm #Point Cloud #Mesh #Sample #SICK AppSpace
Lua
algorithm mesh sample sick-appspace
987
Shapes3D
10/12/2019
2 years ago
A point cloud generator for various 3D shapes
Python
neural-networks geometry shapes
988
PLY2SPBR
28/10/2019
2 years ago
Convert ply file(.Ply) to spbr file (.Spbr)
C++
ply spbr
989
Cloud subdivide
08/08/2021
7 months ago
A tool to subdivide point clouds into a set of smaller sub point clouds with user defined dimensions.
C++
Other
divide point-cloud-library segmentation split subdivide subdivision
990
Hdl graph SLAM
11/10/2021
3 months ago
3D LiDAR based Graph SLAM
C++
hdl-graph-slam lidar ros rslidar slam velodyne
991
ScannerFlow
15/09/2021
6 months ago
Retrieving scans and viewing as point cloud, using the Flow approach. Topics: #remote device #scan #flow #point cloud #acquisition #sample #sick appspace
Lua
acquisition flow remote-device sample scan sick-appspace
992
Genoa shipwreck
09/11/2021
4 months ago
Web based LiDAR scan viewer of the wreck of the City of Genoa in Lake Huron, Detroit.
Javascript
cesiumjs lidar react resium
993
Road curb segmentation
13/02/2022
1 month ago
Road curb segmentation from point cloud
Python
lidar segmentation
994
Vombat
08/12/2013
3 years ago
Vombat is a CloudCompare plugin for stratigraphic data extraction and management on Virtual Outcrops
C++
cloudcompare geology spc
995
ScannerScript
02/05/2019
1 years ago
Retrieving scans from remote device and view as point cloud using Lua script. Topics: #remote device #scan #point cloud #acquisition #sample #sick appspace
Lua
acquisition remote-device sample scan sick-appspace
996
ScannerScript
16/12/2020
1 years ago
Retrieving scans from remote device and view as point cloud using Lua script. Topics: #Remote Device #Scan #Point Cloud #Acquisition #Sample #SICK AppSpace
Lua
acquisition remote-device sample scan sick-appspace
997
Blundergat io
25/03/2021
1 month ago
A import/export library for 3D assets written using .NET Core 3.1. Supported formats are Lightwave OBJ (.Obj) and Polygon File Format PLY (.Ply)
C#
Other
assets meshing ply
998
Pointsmap Python
03/06/2021
1 month ago
A library for handling 3D points cloud maps in Python.
C++
Python
999
ScannerScript
15/09/2021
6 months ago
Retrieving scans from remote device and view as point cloud using Lua script. Topics: #remote device #scan #point cloud #acquisition #sample #sick appspace
Lua
acquisition remote-device sample scan sick-appspace
1000
Mesh
15/09/2021
6 months ago
Introduction Sample on the capabilities of the Mesh API Topics: #algorithm #point cloud #mesh #sample #sick appspace
Lua
algorithm mesh sample sick-appspace
1001
LiDAR Projection
30/10/2021
1 week ago
Projection, KITTI, Calibration
C++
image-processing sensor-fusion
1002
RoboND Perception Project
04/11/2017
4 years ago
Point cloud perception pipeline that filters and extracts objects of interest in cluttered space, then performs object recognition for pick and place operations.
C++
svm-classifier
1003
LidR tutorial
27/11/2018
1 years ago
A walkthrough in lidR
R
als forestry lidar tutorial
1004
Docker PCL tools
04/09/2020
1 years ago
Point Cloud Library tools on Docker
Dockerfile
docker pcl
1005
Novel View Generation
14/04/2021
10 months ago
Vision Based Algorithm For Generation of Novel Views
Python
disparity-map novel-view-synthesis reconstruction
1006
Cpicp module
20/05/2021
7 months ago
Mdulo Node.Js para execuo de sub rotinas de processamento do algoritmo Cloud Partitioning for Iterative Closest Point (CP ICP).
C++
Javascript
3d cloud-register cp-icp node-module nodejs partitioning pcd pontu
1007
Create and display pointclouds
14/06/2017
4 years ago
Use Python to read JSON file to create pointclouds with xyz and rgb
Cmake
1008
CISII SeptalReconstruction
02/04/2018
3 years ago
Repository for CIS II Group 13
Jupyter
3d-visualization coherent-point-drift cpd deformable-model plotly point-cloud-registration
1009
Spdpointsviewer
06/04/2020
1 years ago
OpenGL GUI interface for visualisation LiDAR data in SPD format.
C++
Opengl
full-waveform lidar spd spdlib visualisation
1010
Cloud Movers Distance
04/12/2020
1 years ago
Employing Optimal Transport metrics for Point Cloud Registration
Jupyter
icp optimal-transport point-cloud-registration wasserstein wasserstein-distance
1011
ROS2 HAL Mesa SR4xxx ToF cameras
28/09/2020
1 years ago
ROS2 Hardware Abstraction Layer (HAL) for Mesa Imaging Time of Flight (ToF) cameras SR4000/SR4500
C++
3d acquisition camera hal pcl pcl-library ros2 tof tof-camera
1012
Easy3DRecon
06/10/2020
1 years ago
Colmap SFM and CasMVSNet MVS
Python
multi-view-stereo structure-from-motion
1013
PCLObstacleAvoidance
12/08/2020
9 months ago
Using PCL for obstacle avoidance. Simulation of a car moving in a crowded street, clustering points in order to detect cars and passengers.
Makefile
clustering vision
1014
DiplomaProject
13/07/2020
1 years ago
Undertaken at Indian Institute of Remote Sensing.
Python
open3d
1015
Mesh to Pointcloud using Blensor
12/11/2021
4 months ago
Python
3d-reconstruction mesh tof
1016
Tango thesis
19/09/2016
5 years ago
My Bachelor's in Computer Science thesis
Tex
android augmented-reality pcl tango
1017
3D Augmentation
27/09/2021
2 weeks ago
3D point cloud data augmentation
Jupyter
Pytorch
augmentation modelnet novel-view-synthesis pointnet shapenet srn
1018
PointCloudSimplify
23/05/2018
2 years ago
C++
average curvature-filters dbscan-clustering k-means simplify
1019
Tilt scan
12/03/2018
3 years ago
This library provides the funtionality to add and remove pointclouds in a global cloud, and to update the status of a tilt scan
C++
laser-scanner
1020
3D Curved Surfaces Segmentation
08/05/2020
1 years ago
C++
pcl segmentation seismic-data surface-reconstruction
1021
Solis cc
23/12/2020
1 years ago
Solis is a CloudCompare plugin to calculate solar irradiance on point cloud and meshes, based on location and integrated over time
C++
cloudcompare cloudcompare-plugin irradiance solar
1022
SPBR Brightness Adjustment Divide
08/02/2021
1 years ago
SPBR | Brightness Adjustment: Divide Version
C++
brightness-adjustment image-processing kvs-29 spbr-2020
1023
Behavioural Planner for Obstacle Avoidance on Carla 9 based on 3D Semantic Segmentation of Point Cloud using SalsaNext
Python
autonomous-car autonomous-vehicles carla-driving-simulator neural-networks semantic-segmentation
1024
Eccv2020 sharp workshop
28/12/2021
2 months ago
Description, instructions and supporting code for the ECCV 2020 SHARP Workshop and Challenge (SHApe Recovery from Partial textured 3D scans)
Python
3d-human-scan 3d-mesh 3d-object-scan 3d-shape 3dbodytex 3dobjecttex datasets partial-scan recovery shape-completion texture texture-completion
1025
R2 LiDAR icp
29/10/2021
2 months ago
Python
icp lidar lidar-point-cloud neural-networks point-cloud-registration
1026
GeometricManipulations
11/02/2022
1 month ago
Repository with the basic mathematiccs manipulations for point, lines and planes. And also the creation and the interaction for a object that cluster pointclouds for a faster manipulation of the object.
Python
linear-algebra mathematics plane-algebra point-algebra
1027
DTULiDAR
14/11/2017
1 years ago
DTULiDAR is a simple cheap prototype to map in 3D using a range sensor and two motors.
C++
embedded motor motor-controller pcl pcl-library pcloud pic serial-communication serial-ports
1028
PCAAxes
28/07/2018
3 years ago
Calculate major and minor axes of 2D convex point clouds
Python
ellipse numpy principal-component-analysis sklearn
1029
Mgm ros
01/08/2019
2 years ago
ROS Nodelet package for doing disparity stereo matching with the More Global Matching (MGM) algorithm!
C++
3d disparity-map image-processing ros stereo-vision
1030
3D point capsule networks
11/11/2020
5 months ago
Perturbation experiments on the latent capsules of 3D Point Capsule Networks by Zhao et al.
Jupyter
capsule-network perturbations shapenet
1031
XMV
05/07/2020
1 month ago
Pytorch implementation for Self supervised Modal and View Invariant Feature Learning
cross-modal-retrieval self-supervised-learning unsupervised-learning
1032
Nube puntos tanque gas
24/03/2021
11 months ago
Aqu, se presentan variOS procedimientos que se pueden hacer a partir de una nube de puntos con extensin ply. La nube de puntos aqu presentada corresponde a un tanque de gas, al cual, se desea encontrar su dimetro y su altura.
Python
3d depth-image vedo
1033
Ex Camera
09/03/2021
1 years ago
Extensys standard Camera and Stereo camera calibration with point cloud generation for 3D bubble reconstruction.
Python
3d-bubble-reconstruction ellipsoid extensys-camera-calibration extensys-stereocamera-calibration
1034
Xyz pages
03/01/2022
2 months ago
Xyz.Cct.Lsu.Edu
Css
hugo lidar photogrammetry potree
1035
RoboND Perception Project
17/04/2018
3 years ago
Udacity's Robotics Nanodegree Term 1 Perception Project
C++
3d-perception pr2
1036
CloudAlignmentAnalysis
19/04/2019
2 years ago
Colaborative SLAM Point cloud Alignment Analysis
C++
Opencv
slam-algorithms
1037
ArUcoInpaintingTool
18/01/2019
10 months ago
Hide ArUco markers from 2D RGB images and project the information to point clouds.
Python
Opencv
aruco inpainting
1038
College R
01/06/2020
1 years ago
All of the code developed as part of my learning experience in the programming language R
Jupyter
mnist-classification mnist-handwriting-recognition mnist-model plotting rotating-plots
1039
Pointcloud to tikz converter
02/07/2020
1 years ago
A simple Python script for converting pointcloud to Tex Tikz
Python
converter latex tex tikz
1040
CloudViewer
01/08/2021
7 months ago
Visualizador web de imagens tridimensionais representadas por nuvens de pontos em 3D
Javascript
Three-js
3d viewer
1041
Example visualization of large scatter chart (> million data points)
Javascript
datavisualization lightningchart-js scatter-plot
1042
Apple tracker project
10/09/2021
2 months ago
Perception system of the Apple Tracking Project by CMU and UC Davis
Python
Opencv
computer-vision linux pcl robotics
1043
RoboND Perception Project
28/01/2019
3 years ago
C++
color-histogram filter machine-vision machinevision perception pr2 ransac recognition robotics ros-messages ros-workspace segmentation
1044
Point Cloud Generation
03/11/2018
3 years ago
Python
arduino-uno numpy pcd pyserial sensor serial-communication servo-motor vtk
1045
Analyze Intermediate Images
10/04/2019
1 years ago
Analyze intermediate images in SPBR.
C++
histogram image-processing spbr variance viridis
1046
Twoview SFM
30/07/2019
1 years ago
Reconstructing 3D point cloud from two stereo images (two view)
Jupyter
3d-reconstruction sfm stereo-vision structure-from-motion
1047
My3DWork
11/02/2020
1 years ago
Example Code and a 3D DL network.
Python
1048
ScannerFlow
16/12/2020
1 years ago
Retrieving scans and viewing as point cloud, using the Flow approach. Topics: #Remote Device #Scan #Flow #Point Cloud #Acquisition #Sample #SICK AppSpace
Lua
acquisition flow remote-device sample scan sick-appspace
1049
Stereo calibration and vSLAM
22/10/2021
3 months ago
Repo to produce stereo depth map, do mapping and navigation
Python
depth-map slam stereo-calibration stereo-matching vslam
1050
Mn sim
26/10/2021
2 months ago
Dataset collection of 7 shapes microneedle simulation and machine learning model development under the work "Accelerated Optimal Design of Microneedles through Stress Prediction using Machine Learning" and Master's Thesis of Romrawin Chumpu
Jupyter
graph-neural-networks microneedle regression simulation
1051
Voxly
05/02/2022
1 month ago
Chunked voxel data structure that facilitates basic logic and math operations on a 3D voxel grid.
Python
3d chunk library numpy-library voxels
1052
Syncro
10/09/2021
this week
SYNCRO Synchronization platform for logged point cloud data & camera images.
Python
sycronize
1053
Kdtree
16/05/2015
4 years ago
KdTree
C++
kd-tree
1054
SPBR Multiple Images
01/03/2019
1 years ago
Generate some multiple images using SPBR.
C++
multiple-images spbr
1055
Gpf
24/04/2020
1 years ago
ROS 2 Fitting of Geometric Primitives to Point Cloud
C++
fitting geometric-primitives pcl ros2
1056
Dynamic geo convolutional onet
19/12/2020
1 years ago
Dynamic geometric methods with convolutional occupancy networks
Jupyter
3d-vision neural-networks point-cloud-reconstruction spherical-geometry
1057
PCL library and ROS
26/01/2021
1 years ago
Processing of point cloud of a mold from a camera ZED with plc library and ROS
C++
mold robotics sens
1058
Cpicp intermediate steps viewer
04/06/2021
7 months ago
Aplicao Node.Js para execuo e visualizao das etapas iterativas do algoritmo Cloud Partitioning for Iterative Closest Point (CP ICP)
Javascript
3d cloud-register cp-icp nodejs pontu
1059
Default project
26/01/2022
3 weeks ago
Stanford CS236G Default Final Project Starter Code
Python
Pytorch
gan
1060
RANSAC PCL
27/01/2022
1 month ago
A basic example of plane fitting in point cloud data using (RAN)dom (SA)mple (C)onsensus.
Python
open3d plotly ransac
1061
Pointcloud viewer
22/03/2021
this week
Web Python
Python
pcd
1062
Torchpcp
06/09/2020
5 months ago
Pytorch point cloud is a Pytorch implementation collection of point cloud utils, models, and modules.
Python
Pytorch
neural-networks
1063
Pointcloud web viewer
24/07/2021
7 months ago
Pointcloud viewer on browser via websocket.
Typescript
Three-js
pcl react server viewer websocket
1064
RANSAC for FME
11/12/2018
3 years ago
Python
lidar ransac shape-detection
1065
Nvm viewer
29/03/2019
2 years ago
Javascript WebGL viewer for SFM workspaces saved as NVM files
Javascript
Three-js
Webgl
javascript-library n-view-match nvm-viewer sfm structure-from-motion
1066
Python
lane-markings object-detection
1067
Conduit Service Robot Development
23/08/2021
6 months ago
Scrabot is a service robot designed to place and maintain the conduits inside the duct within the timber slab.
Python
slam-algorithms
1068
RangerRuler
16/12/2020
1 years ago
Retrieving ScanImages from Ranger or Ruler camera and view them as a point cloud. Topics: #Remote Device #Point Cloud #Acquisition #Sample #SICK AppSpace
Lua
acquisition remote-device sample sick-appspace
1069
KFNet study
18/11/2021
1 month ago
Project for the course ENPM667 @ UMD. Code base and install instructions for a Point Cloud Regression and Camera Pose Estimation network using a Kalman Filter based loss function.
Python
bayes-rule neural-networks kalman-filter pose-estimation
1070
Icfpso
04/10/2017
3 years ago
A algorithm modified for registration of point cloud using particle swarm optimization
Makefile
3d-matching icp particle-swarm-optimization point-cloud-registration
1071
Bin to pcd with intensity
29/10/2021
1 week ago
Point cloud transformation program from bin file to pcd with intensity
C++
lidar
1072
RosLiCamFuse
24/08/2021
5 months ago
This tool reads the images and point clouds' messages from a rosbag, synchronizes them, and applies the calibration parameter to color the point clouds base on images.
C++
camera fuse
1073
Point Cloud Comparison
22/02/2022
4 weeks ago
Different Point Cloud Similarity Measures.
Python
similarity-measures
1074
RangerRuler
15/09/2021
6 months ago
Retrieving ScanImages from Ranger or Ruler camera and view them as a point cloud. Topics: #remote device #point cloud #acquisition #sample #sick appspace
Lua
acquisition remote-device sample sick-appspace
1075
RangerRuler
02/05/2019
6 months ago
Retrieving ScanImages from Ranger or Ruler camera and view them as a point cloud. Topics: #Remote Device #Point Cloud #Acquisition #Sample #SICK AppSpace
Lua
acquisition remote-device sample sick-appspace
1076
Pmod ros1
06/02/2022
3 weeks ago
PMOD Net: Point cloud Map based Obstacle Detection
C++
libtorch monocular-3d-detection monocular-depth-estimation ros semantic-segmentation
1077
Utils
26/02/2020
5 months ago
C++11 tools for manipulating 3D objects (mesh or cloud)
C++
mesh mesh-processing
1078
Point Cloud Tutorial
21/09/2021
2 months ago
This repository contains tutorial code and supplementary note for point cloud processing.
Jupyter
Python
tutorial

Back to Hub