pointnet-master

所属分类:人工智能/神经网络/深度学习
开发工具:Python
文件大小:495KB
下载次数:15
上传日期:2019-04-15 20:48:24
上 传 者风无情
说明:  用pointnet算法进行点云分割,识别
(Point cloud segmentation and recognition using pointnet algorithm)

文件列表:
LICENSE (1231, 2017-12-01)
doc (0, 2017-12-01)
doc\teaser.png (370013, 2017-12-01)
evaluate.py (7196, 2017-12-01)
models (0, 2017-12-01)
models\pointnet_cls.py (4120, 2017-12-01)
models\pointnet_cls_basic.py (3100, 2017-12-01)
models\pointnet_seg.py (4807, 2017-12-01)
models\transform_nets.py (4386, 2017-12-01)
part_seg (0, 2017-12-01)
part_seg\download_data.sh (421, 2017-12-01)
part_seg\pointnet_part_seg.py (8342, 2017-12-01)
part_seg\test.py (10508, 2017-12-01)
part_seg\testing_ply_file_list.txt (393014, 2017-12-01)
part_seg\train.py (19583, 2017-12-01)
provider.py (3618, 2017-12-01)
sem_seg (0, 2017-12-01)
sem_seg\batch_inference.py (7240, 2017-12-01)
sem_seg\collect_indoor3d_data.py (893, 2017-12-01)
sem_seg\download_data.sh (227, 2017-12-01)
sem_seg\eval_iou_accuracy.py (1198, 2017-12-01)
sem_seg\gen_indoor3d_h5.py (3671, 2017-12-01)
sem_seg\indoor3d_util.py (24635, 2017-12-01)
sem_seg\meta (0, 2017-12-01)
sem_seg\meta\all_data_label.txt (5692, 2017-12-01)
sem_seg\meta\anno_paths.txt (7868, 2017-12-01)
sem_seg\meta\area6_data_label.txt (2111, 2017-12-01)
sem_seg\meta\class_names.txt (83, 2017-12-01)
sem_seg\model.py (3561, 2017-12-01)
sem_seg\train.py (10665, 2017-12-01)
train.py (10928, 2017-12-01)
utils (0, 2017-12-01)
utils\data_prep_util.py (5189, 2017-12-01)
utils\eulerangles.py (13431, 2017-12-01)
utils\pc_util.py (6559, 2017-12-01)
utils\plyfile.py (26330, 2017-12-01)
utils\tf_util.py (19157, 2017-12-01)
... ...

## PointNet: *Deep Learning on Point Sets for 3D Classification and Segmentation* Created by Charles R. Qi, Hao Su, Kaichun Mo, Leonidas J. Guibas from Stanford University. ![prediction example](https://github.com/charlesq34/pointnet/blob/master/doc/teaser.png) ### Introduction This work is based on our [arXiv tech report](https://arxiv.org/abs/1612.00593), which is going to appear in CVPR 2017. We proposed a novel deep net architecture for point clouds (as unordered point sets). You can also check our [project webpage](http://stanford.edu/~rqi/pointnet) for a deeper introduction. Point cloud is an important type of geometric data structure. Due to its irregular format, most researchers transform such data to regular 3D voxel grids or collections of images. This, however, renders data unnecessarily voluminous and causes issues. In this paper, we design a novel type of neural network that directly consumes point clouds, which well respects the permutation invariance of points in the input. Our network, named PointNet, provides a unified architecture for applications ranging from object classification, part segmentation, to scene semantic parsing. Though simple, PointNet is highly efficient and effective. In this repository, we release code and data for training a PointNet classification network on point clouds sampled from 3D shapes, as well as for training a part segmentation network on ShapeNet Part dataset. ### Citation If you find our work useful in your research, please consider citing: @article{qi2016pointnet, title={PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation}, author={Qi, Charles R and Su, Hao and Mo, Kaichun and Guibas, Leonidas J}, journal={arXiv preprint arXiv:1612.00593}, year={2016} } ### Installation Install TensorFlow. You may also need to install h5py. The code has been tested with Python 2.7, TensorFlow 1.0.1, CUDA 8.0 and cuDNN 5.1 on Ubuntu 14.04. If you are using PyTorch, you can find a third-party pytorch implementation here. To install h5py for Python: ```bash sudo apt-get install libhdf5-dev sudo pip install h5py ``` ### Usage To train a model to classify point clouds sampled from 3D shapes: python train.py Log files and network parameters will be saved to `log` folder in default. Point clouds of ModelNet40 models in HDF5 files will be automatically downloaded (416MB) to the data folder. Each point cloud contains 2048 points uniformly sampled from a shape surface. Each cloud is zero-mean and normalized into an unit sphere. There are also text files in `data/modelnet40_ply_hdf5_2048` specifying the ids of shapes in h5 files. To see HELP for the training script: python train.py -h We can use TensorBoard to view the network architecture and monitor the training progress. tensorboard --logdir log After the above training, we can evaluate the model and output some visualizations of the error cases. python evaluate.py --visu Point clouds that are wrongly classified will be saved to `dump` folder in default. We visualize the point cloud by rendering it into three-view images. If you'd like to prepare your own data, you can refer to some helper functions in `utils/data_prep_util.py` for saving and loading HDF5 files. ### Part Segmentation To train a model for object part segmentation, firstly download the data: cd part_seg sh download_data.sh The downloading script will download ShapeNetPart dataset (around 1.08GB) and our prepared HDF5 files (around 346MB). Then you can run `train.py` and `test.py` in the `part_seg` folder for training and testing (computing mIoU for evaluation). ### License Our code is released under MIT License (see LICENSE file for details). ### Selected Projects that Use PointNet * PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space by Qi et al. (NIPS 2017) A hierarchical feature learning framework on point clouds. The PointNet++ architecture applies PointNet recursively on a nested partitioning of the input point set. It also proposes novel layers for point clouds with non-uniform densities. * Exploring Spatial Context for 3D Semantic Segmentation of Point Clouds by Engelmann et al. (ICCV 2017 workshop). This work extends PointNet for large-scale scene segmentation. * PCPNET: Learning Local Shape Properties from Raw Point Clouds by Guerrero et al. (arXiv). The work adapts PointNet for local geometric properties (e.g. normal and curvature) estimation in noisy point clouds. * VoxelNet: End-to-End Learning for Point Cloud Based 3D Object Detection by Zhou et al. from Apple (arXiv) This work studies 3D object detection using LiDAR point clouds. It splits space into voxels, use PointNet to learn local voxel features and then use 3D CNN for region proposal, object classification and 3D bounding box estimation. * Frustum PointNets for 3D Object Detection from RGB-D Data by Qi et al. (arXiv) A novel framework for 3D object detection with RGB-D data. The method proposed has achieved first place on KITTI 3D object detection benchmark on all categories (last checked on 11/30/2017).

近期下载者

相关文件


收藏者