All Projects → guohengkai → Region Ensemble Network

guohengkai / Region Ensemble Network

Licence: gpl-2.0
Repository for Region Ensemble Network based Hand Pose Estimation

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Region Ensemble Network

Mp Cnn Torch
Multi-Perspective Convolutional Neural Networks for modeling textual similarity (He et al., EMNLP 2015)
Stars: ✭ 106 (-7.83%)
Mutual labels:  convolutional-neural-networks
Pytorch Estimate Flops
Estimate/count FLOPS for a given neural network using pytorch
Stars: ✭ 110 (-4.35%)
Mutual labels:  convolutional-neural-networks
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+1249.57%)
Mutual labels:  convolutional-neural-networks
Steady State Flow With Neural Nets
A Tensorflow re-implementation of the paper Convolutional Neural Networks for Steady Flow Approximation
Stars: ✭ 107 (-6.96%)
Mutual labels:  convolutional-neural-networks
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-5.22%)
Mutual labels:  convolutional-neural-networks
Rul Net
Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine
Stars: ✭ 112 (-2.61%)
Mutual labels:  convolutional-neural-networks
Self Driving Car
Automated Driving in NFS using CNN.
Stars: ✭ 105 (-8.7%)
Mutual labels:  convolutional-neural-networks
Pythonml
Artificial neural network classes and tools in Python and TensorFlow.
Stars: ✭ 114 (-0.87%)
Mutual labels:  convolutional-neural-networks
Densepoint
DensePoint: Learning Densely Contextual Representation for Efficient Point Cloud Processing (ICCV 2019)
Stars: ✭ 110 (-4.35%)
Mutual labels:  convolutional-neural-networks
Deep learning notes
a collection of my notes on deep learning
Stars: ✭ 112 (-2.61%)
Mutual labels:  convolutional-neural-networks
Exermote
Using Machine Learning to predict the type of exercise from movement data
Stars: ✭ 108 (-6.09%)
Mutual labels:  convolutional-neural-networks
Facedet
实现常用基于深度学习的人脸检测算法
Stars: ✭ 109 (-5.22%)
Mutual labels:  convolutional-neural-networks
Shiftresnet Cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
Stars: ✭ 112 (-2.61%)
Mutual labels:  convolutional-neural-networks
Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+1169.57%)
Mutual labels:  convolutional-neural-networks
Cinc Challenge2017
ECG classification from short single lead segments (Computing in Cardiology Challenge 2017 entry)
Stars: ✭ 112 (-2.61%)
Mutual labels:  convolutional-neural-networks
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+1416.52%)
Mutual labels:  convolutional-neural-networks
Cs231n Convolutional Neural Networks Solutions
Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.
Stars: ✭ 110 (-4.35%)
Mutual labels:  convolutional-neural-networks
Deep K Means Pytorch
[ICML 2018] "Deep k-Means: Re-Training and Parameter Sharing with Harder Cluster Assignments for Compressing Deep Convolutions"
Stars: ✭ 115 (+0%)
Mutual labels:  convolutional-neural-networks
Brainforge
A Neural Networking library based on NumPy only
Stars: ✭ 114 (-0.87%)
Mutual labels:  convolutional-neural-networks
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (-2.61%)
Mutual labels:  convolutional-neural-networks

Towards Good Practices for Deep 3D Hand Pose Estimation

By Hengkai Guo (Updated on Aug 9, 2017)

Description

This is the project of work Region Ensemble Network: Improving Convolutional Network for Hand Pose Estimation and Towards Good Practices for Deep 3D Hand Pose Estimation. This repository includes the prediction results for comparison, prediction codes and visualization codes. More details will be released in the future. Here are live results from Kinect 2 sensor using the model trained on ICVL:

result1.gif result2.gif

Results

Here we provide the testing results of basic network (results/dataset_basic.txt) and region ensemble network (results/dataset_ren_nx6x6.txt) for ICVL dataset, NYU dataset and MSRA dataset in our paper. Also we provide the testing labels (labels/dataset_test_label.txt), computed centers (labels/dataset_center.txt, which can be computed by evaluation/get_centers.py) and corresponding image names (labels/dataset_test_list.txt). Currently, the MSRA center computation is not available due to lack of loading function for images.

For results and labels, each line is corresponding to one image, which has J x 3 numbers indicating (x, y, z) of J joint locations. The (x, y) are in pixels and z is in mm.

Evaluation

Please use the Python script evaluation/compute_error.py for evaluation, which requires numpy and matplotlib. Here is an example:

$ python evaluation/compute_error.py icvl results/icvl_ren_9x6x6.txt

Visualization

Please use the Python script evaluation/show_result.py for visualziation, which also requires OpenCV:

$ python evaluation/show_result.py icvl your/path/to/ICVL/images/test/Depth --in_file=results/icvl_ren_4x6x6.txt

You can see all the testing results on the images. Press 'q' to exit.

Prediction

Please use the Python script evaluation/run_model.py for prediction with predefined centers in labels directory:

$ python evaluation/run_model.py icvl ren_4x6x6 your/path/to/output/file your/path/to/ICVL/images/test

The script depends on pyCaffe. Please install the Caffe first.

Models

The caffe models can be downloaded at BaiduYun, GoogleDrive or here. Please put them in the models directory. (For MSRA models, we only provide the one for fold 1 due to the limit of memory.)

Realsense Realtime Demo

We provide a realtime hand pose estimation demo using Intel Realsense device.

Using pyrealsense

When you are using pyrealsense v1.x and v0.x, please use the Python script for demo:

$ python demo/realsense_realtime_demo_pyrealsense_1.x.py

When you are using pyrealsense v2.0 and above, please use the Python script for demo:

$ python demo/realsense_realtime_demo_pyrealsense_2.x.py

Using librealsense

Firstly compile and install the python wrapper. After everything is working properly, just run the following python script for demo:

$ python demo/realsense_realtime_demo_librealsense2.py

Note that we just use a naive depth thresholding method to detect the hand. Therefore, the hand should be in the range of [0, 650mm] to run this demo. We tested this realtime demo with an Intel Realsense SR300.

Citation

Please cite the paper in your publications if it helps your research:

@article{guo2017towards,
  title={Towards Good Practices for Deep 3D Hand Pose Estimation},
  author={Guo, Hengkai and Wang, Guijin and Chen, Xinghao and Zhang, Cairong},
  journal={arXiv preprint arXiv:1707.07248},
  year={2017}
}
@article{guo2017region,
  title={Region Ensemble Network: Improving Convolutional Network for Hand Pose Estimation},
  author={Guo, Hengkai and Wang, Guijin and Chen, Xinghao and Zhang, Cairong and Qiao, Fei and Yang, Huazhong},
  journal={arXiv preprint arXiv:1702.02447},
  year={2017}
}

License

This program is free software with GNU General Public License v2.

Feedback

Please email to [email protected] if you have any suggestions or questions.

History

Feb 11, 2020: Update Google Drive link for models

Aug 9, 2017: Update papers

July 23, 2017: Add script for center computing and results for newly paper

May 22, 2017: Intel Realsense realtime demo

May 15, 2017: More visualization and demos

May 9, 2017: Models and bugs fixed

May 6, 2017: Visualization and prediction codes

April 8, 2017: Evaluation codes

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].