Face Mask Detection with Machine Learning
Github
AIZOOTech/FaceMaskDetection : SSD, self model
chandrikadeb7/Face-Mask-Detection: MobileNetv2
Spidy20/face_mask_detection : Faster RCNN
mk-gurucharan/Face-Mask-Detection, Medium : Haar Cascade (OpenCV) + CNN
NVIDIA-AI-IOT/face-mask-detection, article : NVIDIA DetectNet_v2 (based on ResNet-18), on Jetson Devices
PureHing/face-mask-detection-tf2 : SSD (based on Mobilenet and RFB)
rfribeiro/mask-detector : Haar Cascade (OpenCV) + MobileNetv2
rohanrao619/Social_Distancing_with_AI : Yolov3 for object detection, Dual Shot Face Detector (DSFD) (better than Haar Cascade) for face detection, ResNet50 for face classification
datarootsio/face-mask-detection : RetinaFace (RetinaNetMobileNetV1) for face detection, MobileNetV1 for face classification
Qengineering/Face-Mask-Detection-Raspberry-Pi-64-bits : Linzaer for face detection, Paddle Lite for face classification, on Raspberry Pi
adityap27/face-mask-detector: Yolo v2, v3, v4
Rahul24-06/COVID-19-Authorized-Entry-using-Face-Mask-Detection: ResNet18 on Jetson Nano
Dataset
Paper
A hybrid deep transfer learning model with machine learning methods for face mask detection in the era of the COVID-19 pandemic, Loey et. al. : Resnet(+DeepTree, SVN, Ensemble)
Fighting against COVID-19: A novel deep learning model based on YOLO-v2 with ResNet-50 for medical face mask detection, Loey et. al. : Resnet (+Yolo v2)
Face Mask Detection using Transfer Learning of InceptionV3 G. Jignesh Chowdary, et al. : InceptionV3
A Deep Learning Based Assistive System to Classify COVID-19 Face Mask for Human Safety with YOLOv3, Md. Rafiuzzaman Bhuiyan et. al : Yolo v3
Comparative Study of Deep Learning Methods in Detection Face Mask Utilization PDF, Ivan Muhammad Siegfried: MobileNetV2 vs ResNet50V2 vs Xception
Covid-19 Face Mask Detection Using TensorFlow, Keras and OpenCV, Arjya Das et. al.: self CNN
MACHINE LEARNING (CONVOLUTIONAL NEURAL NETWORKS) FOR FACE MASK DETECTION IN IMAGE AND VIDEO, Ramot Lubis : MobileNet
RetinaMask: A Face Mask detector, Mingjie Jiang: RetinaFaceMask
Real Time Multi-Scale Facial Mask Detection and Classification Using Deep Transfer Learning Techniques, Kumar Addagarla : Yolo v3 vs Resnet (+NASNetMobile)
Real-Time Facemask Recognition with Alarm System using Deep Learning, Sammy V. Militante : VGG-16, Raspberry Pi
Mask Detection Using Framework Tensorflow and Pre-Trained CNN Model Based on Raspberry Pi pdf, Acep Ansor: MobileNet, Raspberry Pi
An Application of Mask Detector For Prevent Covid-19 in Public Services Area pdf, Henderi: ???, Sipeed Maix
Face Mask Detector, Akhyar Ahmed: MobileNet vs Resnet vs Exception
A FACEMASK DETECTOR USING MACHINE LEARNING AND IMAGE PROCESSING TECHNIQUES., Amrit Kumar Bhadani: MobileNetV2
Detecting masked faces in the wild with lle-cnns, pdf, S Ge: LLE CNN
Identifying Facemask-Wearing Condition UsingImage Super-Resolution with Classification Networkto Prevent COVID-19, Bosheng Qin : SRCNet
Ideas
Face Mask with Face Presentation Attack Detection (in this case: mask with part of face), with lighting and distance effect analysis on detection, working on handheld devices, video based
upgrade rfribeiro/mask-detector : Haar Cascade (OpenCV) + MobileNetv2
upgrade rohanrao619/Social_Distancing_with_AI : Yolov3 for object detection, Dual Shot Face Detector (DSFD) (better than Haar Cascade) for face detection, ResNet50 for face classification
upgrade datarootsio/face-mask-detection : RetinaFace (RetinaNetMobileNetV1) for face detection, MobileNetV1 for face classification
upgrade Rahul24-06/COVID-19-Authorized-Entry-using-Face-Mask-Detection: ResNet18 on Jetson Nano
Project in Progress (by Rozi)
Deep Learning for Face Detection in Real Time
Face Detection : SSD ResNet10 dan MTCNN
Mask Classification : CNN with MobileNetV2 dan VGG16Net
PC and Android Deployment
Variation :
distance
lighting
mask variation (+face attack)
Metric for Performance Analysis :
Accuracy, Precision, Recall, F1 for image analysis
mAP@0.5 (Mean Average Precision) for image analysis
FPS for video analysis
Object Detection
Object Detection is Object Localization and Object Classification
Model for Object Detection: Fast R-CNN, Faster R-CNN, Histogram of Oriented Gradients (HOG), Region-based Convolutional Neural Networks (R-CNN), Region-based Fully Convolutional Network (R-FCN), Single Shot Detector (SSD), Spatial Pyramid Pooling (SPP-net), YOLO (You Only Look Once)
YOLO
Redmond developed YOLO v1, YOLO v2, YOLO v3, but YOLO v4 and YOLO v5 were developed by others
TinyYolo for Mobile App
Yolo for custom object
SSD
Widerface
Model Zoo
Last updated