All Projects → yxlijun → Dsfd.pytorch

yxlijun / Dsfd.pytorch

DSFD implement with pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Dsfd.pytorch

Vgg16 Pytorch
VGG16 Net implementation from PyTorch Examples scripts for ImageNet dataset
Stars: ✭ 26 (-83.01%)
Mutual labels:  resnet, vgg16
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+27.45%)
Mutual labels:  resnet, vgg16
Resnet Cifar10 Caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Stars: ✭ 161 (+5.23%)
Mutual labels:  resnet, vgg16
S3fd.pytorch
SFD implement with pytorch
Stars: ✭ 212 (+38.56%)
Mutual labels:  face-detection, vgg16
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (+70.59%)
Mutual labels:  resnet, vgg16
Look4Face
Demo of Face Recognition web service
Stars: ✭ 23 (-84.97%)
Mutual labels:  face-detection, resnet
Facenet Pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
Stars: ✭ 2,564 (+1575.82%)
Mutual labels:  face-detection, resnet
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+132.03%)
Mutual labels:  resnet, vgg16
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+813.07%)
Mutual labels:  resnet, vgg16
Facedetection
🌟 Human Face Detection based on AdaBoost
Stars: ✭ 137 (-10.46%)
Mutual labels:  face-detection
Pyramidbox.pytorch
Pyramidbox implement with pytorch
Stars: ✭ 142 (-7.19%)
Mutual labels:  face-detection
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (-12.42%)
Mutual labels:  resnet
Keras Vgg16 Places365
Keras code and weights files for the VGG16-places365 and VGG16-hybrid1365 CNNs for scene classification
Stars: ✭ 138 (-9.8%)
Mutual labels:  vgg16
Hololenswithopencvforunityexample
HoloLens With OpenCVforUnity Example
Stars: ✭ 142 (-7.19%)
Mutual labels:  face-detection
Facerecognition
This is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
Stars: ✭ 137 (-10.46%)
Mutual labels:  face-detection
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+1483.66%)
Mutual labels:  resnet
2015 face detection
CVPR2015 Cascade CNNs for Face Detection
Stars: ✭ 135 (-11.76%)
Mutual labels:  face-detection
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (-12.42%)
Mutual labels:  resnet
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+2158.82%)
Mutual labels:  resnet
Gender Detection Keras
Gender detection (from scratch) using deep learning with keras and cvlib.
Stars: ✭ 147 (-3.92%)
Mutual labels:  face-detection

DSFD: Dual Shot Face Detector

A PyTorch Implementation of Dual Shot Face Detector

Description

I use basenet vgg to train DSFD,the model can be downloaded in DSFD.the AP in WIDER FACE as following:

Easy MAP Medium MAP hard MAP
0.946 0.937 0.880

the AP in AFW,PASCAL,FDDB as following:

AFW PASCAL FDDB
99.89 99.11 0.983

I'm using resnet50/resnet101 to train DSFD,the result will be published later on

Requirement

  • pytorch 0.3
  • opencv
  • numpy
  • easydict

Prepare data

  1. download WIDER face dataset
  2. modify data/config.py
  3. python prepare_wider_data.py

Train

python train.py --batch_size 4 
		--model vgg\resnet50\resnet101 
		--lr 5e-4

Evalution

according to yourself dataset path,modify data/config.py

  1. Evaluate on AFW.
python tools/afw_test.py
  1. Evaluate on FDDB
python tools/fddb_test.py
  1. Evaluate on PASCAL face
python tools/pascal_test.py
  1. test on WIDER FACE
python tools/wider_test.py

Demo

you can test yourself image

python demo.py

Result

  1. demo
demo demo

References

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