All Projects → aditya-vora → Fchd Fully Convolutional Head Detector

aditya-vora / Fchd Fully Convolutional Head Detector

Licence: other
Code for FCHD - A fast and accurate head detector

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Fchd Fully Convolutional Head Detector

Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-63.96%)
Mutual labels:  convolutional-neural-networks, faster-rcnn
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-94.95%)
Mutual labels:  convolutional-neural-networks, faster-rcnn
Robustness
Corruption and Perturbation Robustness (ICLR 2019)
Stars: ✭ 463 (-16.58%)
Mutual labels:  convolutional-neural-networks
Sketch simplification
Models and code related to sketch simplification of rough sketches.
Stars: ✭ 531 (-4.32%)
Mutual labels:  convolutional-neural-networks
Vnet.pytorch
A PyTorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation
Stars: ✭ 506 (-8.83%)
Mutual labels:  convolutional-neural-networks
Dropblock
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
Stars: ✭ 466 (-16.04%)
Mutual labels:  convolutional-neural-networks
Convnet Drawer
Python script for illustrating Convolutional Neural Networks (CNN) using Keras-like model definitions
Stars: ✭ 516 (-7.03%)
Mutual labels:  convolutional-neural-networks
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (-19.28%)
Mutual labels:  convolutional-neural-networks
Trending Deep Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Stars: ✭ 543 (-2.16%)
Mutual labels:  convolutional-neural-networks
Regl Cnn
Digit recognition with Convolutional Neural Networks in WebGL
Stars: ✭ 490 (-11.71%)
Mutual labels:  convolutional-neural-networks
Mtcnn Pytorch
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks
Stars: ✭ 531 (-4.32%)
Mutual labels:  convolutional-neural-networks
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+701.44%)
Mutual labels:  convolutional-neural-networks
Eeglearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Stars: ✭ 469 (-15.5%)
Mutual labels:  convolutional-neural-networks
Faced
🚀 😏 Near Real Time CPU Face detection using deep learning
Stars: ✭ 528 (-4.86%)
Mutual labels:  convolutional-neural-networks
Cnn lstm ctc ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Stars: ✭ 464 (-16.4%)
Mutual labels:  convolutional-neural-networks
Stanford Cs 230 Deep Learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
Stars: ✭ 5,149 (+827.75%)
Mutual labels:  convolutional-neural-networks
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (-16.94%)
Mutual labels:  convolutional-neural-networks
Stn Ocr
Code for the paper STN-OCR: A single Neural Network for Text Detection and Text Recognition
Stars: ✭ 473 (-14.77%)
Mutual labels:  convolutional-neural-networks
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (-7.21%)
Mutual labels:  convolutional-neural-networks
R2cnn faster Rcnn tensorflow
Rotational region detection based on Faster-RCNN.
Stars: ✭ 548 (-1.26%)
Mutual labels:  faster-rcnn

FCHD-Fully-Convolutional-Head-Detector

Code for FCHD - A fast and accurate head detector

This is the code for FCHD - A Fast and accurate head detector. See the paper for details and video for demo.

Dependencies

  • The code is tested on Ubuntu 16.04.

  • install PyTorch >=0.4 with GPU (code are GPU-only), refer to official website

  • install cupy, you can install via pip install cupy-cuda80 or(cupy-cuda90,cupy-cuda91, etc).

  • install visdom for visualization, refer to their github page

Installation

  1. Install Pytorch

  2. Clone this repository

git clone https://github.com/aditya-vora/FCHD-Fully-Convolutional-Head-Detector
  1. Build cython code for speed:
cd src/nms/
python build.py build_ext --inplace

Training

  1. Download the caffe pre-trained VGG16 from the following link. Store this pre-trained model in data/pretrained_model folder.

  2. Download the BRAINWASH dataset from the official website. Unzip it and store the dataset in the data/ folder.

  3. Make appropriate settings in src/config.py file regarding the updated paths.

  4. Start visdom server for visualization:

python -m visdom.server
  1. Run the following command to train the model: python train.py.

Demo

  1. Download the best performing model from the following link.

  2. Store the head detection model in checkpoints/ folder.

  3. Run the following python command from the root folder.

python head_detection_demo.py --img_path <test_image_name> --model_path <model_path>

Results

Method AP
Overfeat - AlexNet [1] 0.62
ReInspect, Lfix [1] 0.60
ReInspect, Lfirstk [1] 0.63
ReInspect, Lhungarian [1] 0.78
Ours 0.70

Runtime

  • Runs at 5fps on NVidia Quadro M1000M GPU with 512 CUDA cores.

Acknowledgement

This work builds on many of the excellent works:

Reference

[1] Stewart, Russell, Mykhaylo Andriluka, and Andrew Y. Ng. "End-to-end people detection in crowded scenes." Proceedings of the IEEE conference on computer vision and pattern recognition. 2016.

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