All Projects → ZhaoJ9014 → Head Pose Estimator.caffe

ZhaoJ9014 / Head Pose Estimator.caffe

Head Pose Estimator on Caffe

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Head Pose Estimator.caffe

Raspberrypi Facedetection Mtcnn Caffe With Motion
MTCNN with Motion Detection, on Raspberry Pi with Love
Stars: ✭ 204 (+240%)
Mutual labels:  opencv, caffe
Mobilenet Ssd Realsense
[High Performance / MAX 30 FPS] RaspberryPi3(RaspberryPi/Raspbian Stretch) or Ubuntu + Multi Neural Compute Stick(NCS/NCS2) + RealSense D435(or USB Camera or PiCamera) + MobileNet-SSD(MobileNetSSD) + Background Multi-transparent(Simple multi-class segmentation) + FaceDetection + MultiGraph + MultiProcessing + MultiClustering
Stars: ✭ 322 (+436.67%)
Mutual labels:  opencv, caffe
Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (+268.33%)
Mutual labels:  opencv, caffe
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-6.67%)
Mutual labels:  pandas, opencv
Openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
Stars: ✭ 22,892 (+38053.33%)
Mutual labels:  opencv, caffe
Videoauidt
📹 一个短视频APP视频内容安全审核的思路调研及实现汇总
Stars: ✭ 129 (+115%)
Mutual labels:  opencv, caffe
Ai Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
Stars: ✭ 4,387 (+7211.67%)
Mutual labels:  pandas, caffe
Studybook
Study E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
Stars: ✭ 1,457 (+2328.33%)
Mutual labels:  pandas, opencv
Data Science Ipython Notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Stars: ✭ 22,048 (+36646.67%)
Mutual labels:  pandas, caffe
Gocv
Go package for computer vision using OpenCV 4 and beyond.
Stars: ✭ 4,511 (+7418.33%)
Mutual labels:  opencv, caffe
Mobilenet Ssd
MobileNet-SSD(MobileNetSSD) + Neural Compute Stick(NCS) Faster than YoloV2 + Explosion speed by RaspberryPi · Multiple moving object detection with high accuracy.
Stars: ✭ 84 (+40%)
Mutual labels:  opencv, caffe
Lambda Packs
Precompiled packages for AWS Lambda
Stars: ✭ 997 (+1561.67%)
Mutual labels:  pandas, opencv
Mtcnn
face detection and alignment with mtcnn
Stars: ✭ 66 (+10%)
Mutual labels:  opencv, caffe
Php Opencv
php wrapper for opencv
Stars: ✭ 194 (+223.33%)
Mutual labels:  opencv, caffe
Mobilnet ssd opencv
MobilNet-SSD object detection in opencv 3.4.1
Stars: ✭ 64 (+6.67%)
Mutual labels:  opencv, caffe
Php Opencv Examples
Tutorial for computer vision and machine learning in PHP 7/8 by opencv (installation + examples + documentation)
Stars: ✭ 333 (+455%)
Mutual labels:  opencv, caffe
Multi Object Tracker
Multi-object trackers in Python
Stars: ✭ 451 (+651.67%)
Mutual labels:  opencv, caffe
Convolutionalemotion
A deep convolutional neural network system for live emotion detection
Stars: ✭ 40 (-33.33%)
Mutual labels:  opencv, caffe
Overhead Camera People Counter
People counting algorithm using an overhead video camera
Stars: ✭ 58 (-3.33%)
Mutual labels:  opencv
Beautifulgirls
爬虫+脸部识别+DCGAN脸部自动生成
Stars: ✭ 56 (-6.67%)
Mutual labels:  opencv

HeadPoseEstimator

  1. Introduction

The HeadPose Estimator predicts face landmarks (68 points) and head pose (3d pose, yaw, roll, and pitch).

  1. Install

caffe

dlib18.17

(cd your dlib folder

cd python_example

./compile_dlib_python_module.bat

add dlib.so to the PYTHONPATH)

opencv

numpy, pandas

  1. Usage

Unzip dlib-18.17.zip

Creat folder "img" to store your testing img

Creat folder "result" to store your visualized results

Creat folder "pose" to store your estimated poses (yaw angles) for each img

Pycharm run dlib-18.17/python_examples/landmarkPredict.py (modify the caffe_root path and testList.txt if needed. testList.txt is a file containing the path of the testing images.)

  1. Train

Modify train.prototxt and train_solver.prototxt files, train the model using your own data.

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].