All Projects → aosokin → Cnn_head_detection

aosokin / Cnn_head_detection

Licence: mit
Code for ICCV 2015 paper "Context-aware CNNs for person head detection"

Programming Languages

matlab
3953 projects

Context-aware CNNs for person head detection

Created by Anton Osokin and Tuan-Hung Vu at INRIA, Paris.

Introduction

Person detection is a key problem for many computer vision tasks. While face detection has reached maturity, detecting people under a full variation of camera view-points, human poses, lighting conditions and occlusions is still a difficult challenge. In this work we focus on detecting human heads in natural scenes. Starting from the recent local R-CNN object detector, we extend it with two types of contextual cues. First, we leverage person-scene relations and propose a Global CNN model trained to predict positions and scales of heads directly from the full image. Second, we explicitly model pairwise relations among objects and train a Pairwise CNN model using a structured-output surrogate loss. The Local, Global and Pairwise models are combined into a joint CNN framework. To train and test our full model, we introduce a large dataset composed of 369,846 human heads annotated in 224,740 movie frames. We evaluate our method and demonstrate improvements of person head detection against several recent baselines in three datasets. We also show improvements of the detection speed provided by our model.

Our paper is available as arXiv tech report. Our data and models are available on the project web page.

License

Our code is released under the MIT License (refer to the LICENSE file for details).

Cite

If you find our code useful in your research, please, consider citing our paper:

@inproceedings{vu15heads,
Author = {Vu, Tuan{-}Hung and Osokin, Anton and Laptev, Ivan},
Title = {Context-aware {CNNs} for person head detection},
Booktitle = {International Conference on Computer Vision ({ICCV})},
Year = {2015} }

Contents

  1. Requirements
  2. Demo
  3. Evaluation
  4. Training
  5. Casablanca dataset
  6. New images

Requirements

To run the demo you just need MATLAB installed.

The full training/evaluation code requires MatConvNet, CUDA, and a reasonable GPU. We also recommend using cuDNN for better performance.

The code was tested on Ubuntu 12.04 LTS with MATLAB-2014b, CUDA 7.0, cudnn-7.0-linux-x64-v3.0, and NVIDIA TITAN X. We used MatConvNet v1.0-beta12.

Tested also with cudnn-7.0-linux-x64-v4.0-rc and MatConvNet v1.0-beta18.

Demo

Demo shows the precision-recall curves of our methods and main baselines on HollywoodHeads dataset.

  1. Download the package and go to that folder
git clone https://github.com/aosokin/cnn_head_detection.git
cd cnn_head_detection
  1. Download and unpack the dataset
wget -P data http://www.di.ens.fr/willow/research/headdetection/release/HollywoodHeads.zip
unzip data/HollywoodHeads.zip -d data
  1. Download and unpack the detection results
wget http://www.di.ens.fr/willow/research/headdetection/release/results.zip
unzip results.zip
  1. Open MATLAB and run
demo

Evaluation

Evaluation explains how to produce the detection results using the trained models. The results can be used to plot curves using Demo.

  1. To train the models you will need a descent GPU, CUDA and MatConvNet. We also recommend using cuDNN for better performance. Let CUDAROOT and CUDNNROOT be the installation folders CUDA and cuDNN. Update your environment variables by, e.g., adding these lines to your .bashrc file:
export PATH=CUDAROOT/bin/:$PATH
export LD_LIBRARY_PATH=CUDAROOT/lib64/:$LD_LIBRARY_PATH
export LD_LIBRARY_PATH=CUDNNROOT/lib64/:$LD_LIBRARY_PATH

Installing MatConvNet is described here. We compile the binaries by running the following commands from the root of MatConvNet (MATCONVNETROOT):

cd matlab
vl_setupnn
vl_compilenn('enableGpu', true, 'cudaRoot', CUDAROOT, 'cudaMethod', 'nvcc', 'enableCudnn', true, 'cudnnRoot', CUDNNROOT, 'enableImreadJpeg', true);
  1. Download the package and go to that folder
git clone https://github.com/aosokin/cnn_head_detection.git
cd cnn_head_detection
  1. Compile the package and add the required paths. From MATLAB run
compile_mex( CUDAROOT );
setup( MATCONVNETROOT );
  1. Download and unpack the dataset
wget -P data http://www.di.ens.fr/willow/research/headdetection/release/HollywoodHeads.zip
unzip data/HollywoodHeads.zip -d data
  1. Get the bounding-box proposals. If you want you can download ours computed with Selective Search:
wget -P data/HollywoodHeads http://www.di.ens.fr/willow/research/headdetection/release/candidates.zip
unzip data/HollywoodHeads/candidates.zip -d data/HollywoodHeads
  1. Get the models
wget http://www.di.ens.fr/willow/research/headdetection/release/models.zip
unzip models.zip
  1. You should be able to run these scripts from MATLAB command line:
run_computeScores_localModel;
run_computeScores_globalModel;
  1. To compute scores of the pairwise model you need to compute the pairwise clusters. We have the precomputed version:
wget -P results/HollywoodHeads/pairwise http://www.di.ens.fr/willow/research/headdetection/release/imdb_pairwise_precomputedClusters.mat

Now you should be able to run this script from MATLAB command line (note, that you need the scores of the local model already computed, i.e. you need the result of run_computeScores_localModel.m):

run_computeScores_pairwiseModel;

Training

Training explains how to train Local, Pairwise and Global models. The models can be used to produce results using Evaluation and Demo.

  1. Perform steps 1-4 of Evaluation.

  2. Get the pretrained model. You can get one from us:

wget -P models http://www.di.ens.fr/willow/research/headdetection/release/imagenet-torch-oquab.mat

Alternatively, you can get MatConvNet models trained on ImageNet here. We tested imagenet-caffe-alex.mat, imagenet-vgg-s.mat, imagenet-vgg-verydeep-16.mat.

  1. Now you are ready to train the local and global models. For the local model launch the following in MATLAB:
run_training_localModel

For the global model do

run_training_globalModel

The full training procedure requires several days of computation.

  1. Training the pairwise model is sligthly more involved. First you need to have the local model trained and to compute its scores of all the candidates of the dataset. You can do this by running
run_computeScores_localModel;

with lines 11 and 16 changed to

resultFile = fullfile( resultPath, 'local', 'localModel-scores-test.mat' );resultFile = fullfile( resultPath, 'local', 'localModel-scores-test.mat' );
scoreSubset = [1,2,3];

Running this procedure will require a lot of time. Alternatively, you can download the scores we used.

wget -P results/HollywoodHeads/local http://www.di.ens.fr/willow/research/headdetection/release/localModel-scores-trainValTest.mat

Either way, you should be able to run

run_training_pairwiseModel

Casablanca dataset

Casablanca dataset explains how to reproduce our results on the Casablanca dataset. If you find the dataset useful in your research, please, cite the following papers:

@inproceedings{ren08casablanca,
Author = {Ren, Xiaofeng},
Title = {Finding People in Archive Films through Tracking},
Booktitle = {Computer Vision and Pattern Recognition ({CVPR})},
Year = {2008} }

  1. Download and unpack the Casablanca dataset
wget -P data http://www.di.ens.fr/willow/research/headdetection/release/Casablanca.zip
unzip data/Casablanca.zip -d data
  1. Get the bounding-box proposals. If you want you can download ours computed with Selective Search:
wget -P data/Casablanca http://www.di.ens.fr/willow/research/headdetection/release/candidates_Casablanca.zip
unzip data/Casablanca/candidates_Casablanca.zip -d data/Casablanca
  1. Download and unpack the detection results
wget http://www.di.ens.fr/willow/research/headdetection/release/results_Casablanca.zip
unzip results_Casablanca.zip
  1. Open MATLAB and run
demo_Casablanca;

To recompute our detections on the Casablanca dataset you can do the following steps. You can skip steps 5 and 6 if you already run evaluation for the HollywoodHeads dataset.

  1. Download the models trained on the HollywoodHeads dataset and data for the pairwise clusters
wget http://www.di.ens.fr/willow/research/headdetection/release/models.zip
unzip models.zip
wget -P results/Casablanca/pairwise http://www.di.ens.fr/willow/research/headdetection/release/imdb_pairwise_precomputedClusters.mat
  1. Compile the package and add the required paths. From MATLAB run
compile_mex( CUDAROOT );
setup( MATCONVNETROOT );
  1. From MATLAB run
run_computeScores_localModel_Casablanca;
run_computeScores_globalModel_Casablanca;
run_computeScores_pairwiseModel_Casablanca;

New images

This section explains how to try our models on the new images.

  1. Put the new images into data/new_data folder and organize the folder structure. As an example, you can a test image like this:
wget -P data/new_data/images http://tech.velmont.net/files/2009/04/lenna-lg.jpg
  1. Install the Selective Search. Get the package:
wget http://huppelen.nl/publications/SelectiveSearchCodeIJCV.zip
unzip SelectiveSearchCodeIJCV.zip

Open MATLAB and run their `demo.m' to make sure the code works.

  1. From MATLAB run
demo_new_images;

to see the top scoring detection on the first provided image.

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