Pinned Repositories
3D-Reconstruction-OpenCV-with-SGBM-SIFT-SSD-and-8pt
3D Reconstruction based on OpenCV with SIFT, 8pt, SGBM and SSD
3D_multiview_reg
Learning multiview 3D point cloud registration
3DFeatNet
3DFeat-Net: Weakly Supervised Local 3D Features for Point Cloud Registration
3DGNN_pytorch
3D Graph Neural Networks for RGBD Semantic Segmentation
3Dreconstruction
3D reconstruction, sfm with Python3
3dsift-pipeline
code for extracting 3D SIFT features from DICOM images, vector quantization based on k-means clustering, and machine learning on the resulting features
airlab
Image registration laboratory for 2D and 3D image data
AlignNet-3D
AlignNet-3D: Fast Point Cloud Registration of Partially Observed Objects
auto-sklearn
Automated Machine Learning with scikit-learn
simple_open3d_registration
simple_open3d_registration
Jake-zhi's Repositories
Jake-zhi/Pointcloud-based-Row-Detection-using-ShellNet-and-PyTorch
PyTorch implementation of ShellNet, which is used for pointcloud-based row detection. ROS integration for robots is available.
Jake-zhi/RGBD-Integration-2020
Applying Open3D functions to integrate experimentally measured color and depth frames into a 3D object.
Jake-zhi/PointCNN
PointCNN: Convolution On X-Transformed Points (NeurIPS 2018)
Jake-zhi/Sklearn-Algorithm
Sklearn机器学习中的主要算法原理以及实现(线性回归、逻辑回归、朴素贝叶斯、K-Means聚类、KNN、PCA主成分分析、BP神经网络)
Jake-zhi/dgcnn
Jake-zhi/face_reconstruction
3D Face Reconstruction using 3 images. This is a project for MSc subject Image Processing and Computer Vision
Jake-zhi/DaNet-3DHumanReconstruction
Code for "Learning 3D Human Shape and Pose from Dense Body Parts"
Jake-zhi/airlab
Image registration laboratory for 2D and 3D image data
Jake-zhi/python-plyfile
NumPy-based text/binary PLY file reader/writer for Python
Jake-zhi/pyflann
python bindings for FLANN - Fast Library for Approximate Nearest Neighbors.
Jake-zhi/simple_open3d_registration
simple_open3d_registration
Jake-zhi/open3d-kitti-visualization
open3d kitti visualization
Jake-zhi/MeshCNN
Convolutional Neural Network for 3D meshes in PyTorch
Jake-zhi/Open3D-PointNet2-Semantic3D
Semantic3D segmentation with Open3D and PointNet++
Jake-zhi/KnowledgeGraph_Agriculture
农业领域知识图谱的构建,包括数据爬取(百度百科)、数据分类、利用结构化数据生成三元组、非结构化数据的分句(LTP),分词(jieba),命名实体识别(LTP)、基于依存句法分析(主谓关系等)的关系抽取和利用neo4j生成可视化知识图谱
Jake-zhi/statslibrary
统计分析课程实验作业/包含《统计分析方法》中因子分析,主成分分析,Kmeans聚类等典型算法的手写实现
Jake-zhi/PointCloudSVMDemo
三维点云激光分类(建筑,树木)
Jake-zhi/PointCloudClassification_keras
Point cloud classification, deep learning, keras
Jake-zhi/Pointnet_Pointnet2_pytorch
PointNet and PointNet++ implemented by pytorch (pure python) and on ModelNet, ShapeNet and S3DIS.
Jake-zhi/Open3D-PointNet
Jake-zhi/PyTorch_Semantic_Segmentation
Implement some models of RGB/RGBD semantic segmentation in PyTorch, easy to run. Such as FCN, RefineNet, PSPNet, RDFNet, 3DGNN, PointNet, DeepLab V3, DeepLab V3 plus, DenseASPP, FastFCN
Jake-zhi/pyrealsense
Cross-platform ctypes/Cython wrapper to the librealsense library (v1.x)
Jake-zhi/pointnet
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
Jake-zhi/Open3D-PointNet-1
Open3D PointNet implementation with PyTorch
Jake-zhi/handeye_calib_camodocal
Easy to use and accurate hand eye calibration which has been working reliably for years (2016-present) with kinect, kinectv2, rgbd cameras, optical trackers, and several robots including the ur5 and kuka iiwa.
Jake-zhi/PointCloudSuperResolution
Point Cloud Super Resolution with Adversarial Residual Graph Networks
Jake-zhi/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
Jake-zhi/3D-Reconstruction-OpenCV-with-SGBM-SIFT-SSD-and-8pt
3D Reconstruction based on OpenCV with SIFT, 8pt, SGBM and SSD
Jake-zhi/sklearn_tutorial
Materials for my scikit-learn tutorial
Jake-zhi/pointconv