SlideShare a Scribd company logo
1 of 8
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1324
Deep Learning Assisted Tool for Face Mask Detection
Karthik Prasad1, Madhava Raj B2, Gokulnath S3, Sanjan Govind K4
1,2,3,4Student, Electronics and Communication Engineering, Vivekananda College of Engineering and Technology,
Puttur, Karnataka, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - COVID-19 pandemic has already caused the huge havocaroundtheworldwithitsrecurringmultiplewaves. Manyhave
lost their loved ones. Great number of people lost their jobs. World economy is still struggling to recover the losses caused by the
pandemic. The pandemic has made a significant riffles in the lives of people around the globe. The World Health
Organisation(WHO) has issued the several preventive measures to avoid the transmission of virus like measure masks in public
gathering, maintain social distance, vaccination etc [3]. Checking whether the public is following the safety guidelines isa tedious
job for the authorities concerned. Our team has worked over a model, which can easily identify whether a person is wearing mask
or not in public gatherings like cinema theatres, malls, govt offices etc. where the CCTV is functional. The system can prevent the
transmission of virus. This model has been developed using the various machine learning frameworks like Tensorflow and Keras.
We have used MobileNetV2 architecture in this model.
Keywords__ Tensorflow, Covid-19, MobileNetV2, Deep Learning, Face Mask, CNN
1. INTRODUCTION
Corona virus(COVID-19) is an infectious illness caused by the SARS-CoV-2 virus. The first case was initially discovered in
Wuhan(China) by the end of 2019, later spreading throughout the global became pandemic. As of now (3rd January 2022) 5.4
million people have succumbed to Covid-19 [1]. Currently the world is in the danger of another wave of virus. In spite of high
vaccination rates, new cases are in surge across Europe. WHO has recently warned, if strict restrictions were not imposed as
soon as possible, may cause 0.5 millions deaths by the end of February [2]. It also issued several guidelines to check the faster
spreading of the virus such as wearing face mask, maintaining social distance, regular health checkups, vaccination etc [3]. In
this project we have worked over a system, which can easily encounter whether the person is wearing face mask or not in the
public places like cinema halls , shops etc where the CCTV is functional. The system can help to prevent the rapidtransmission
of the viruses. Face recognition is one of the most promising field of computer vision. Recognizing the face and verifying
whether the person is wearing a face mask or not automatically is the key principle of our project.
2. LITERATURE SURVEY
There are methods in the literature that are applied on the face mask detection model. [4] combining image super-resolution
and classification network (SRCNet) developed a method for identification face mask wearing condition ,which determined
three categories of classification problem on the basis of unconstrained 2-Dimensional facial images.[5]thispaperproposesa
different approach for face recognition with deep neural network. In this method, extracted features of face are given as input
to the deep neural network instead of raw pixel data. This helps in better performance on Yale Face dataset by reducing the
complexity and improved accuracy. [6] in this paper, usingdeeplearningandimageprocessingtechniques,proposesa method
to detect human faces and classify them. This model uses MobileNetV2 [7] architecture and for optimization ADAM [8]
optimizer is used. Proposed model is discussed in section-III, Methodology in section-IV, Results in section-Vandfinallypaper
is concluded in section-VI.
3. PROPOSED MODEL
The primary focus of the proposed model is to identify whether a person is wearing a mask or not, based on the visuals of
image/video stream.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1325
# Phase1
# Phase 2
Fig. 1. Block diagram of the proposed model
In first phase, we will gather the with and without the mask images. This dataset consists of 1800+ images belonging either of
the two classes. In second phase, we will train the classifier for face mask detection, and in the final phase, we will use the
trained model to distinguish each face as with mask or without a mask.
In the second phase, we load face mask classifier from the disk. We have to add dataset to detect the face. The we have to turn
On the camera to detect the face whether they are wearing the mask or not.
Apply trained face mask detector model to each face ROI(Region of Interest)todetermine“mask”or“no mask”after thisweget
the result whether the person is wearing the mask or not.
To detect whether a person is wearing or not, TensorFlow and Keras frameworks are used. Here in this current proposed
system, initially training of the model is done using the datasets which are collected from Kaggle. For training purpose
TensorFlow and Keras are used together. Once the training of the model is complete we load the trained model, here by real
time videostream faces are classified accordingly. In this proposed system we used MobileNetV2 architecture since it is very
much helpful in training the model with huge dataset and maintaining the quality of images which we used to train. After
loading of images, since we cannot directly trained model using raw images, they are converted into arrays,. After that using
MobileNet images are processed and appended into the datalist. The most significant part of this current system are face
recognition and mask detection. MobileNetV2 and OpenCV are explicitly used for this purpose. Once the ROI i.e. face has been
detected by the system, a red or green rectangular box will be placed surrounding the face, depending on face with or without
mask. Around 1800+ images of people with and without masks are collected from Kaggle for this purpose. By using these
images we train model which will classifies in 2 categories namely, “with mask” and“withoutmask”. Whena personappearsin
front of the camera, initially the system will recognize the face and later it will detect whether a person iswearingmask ornot.
It will also display the correctness of the weared mask with rectangular box around the face. The monitoring will done
continuously with the help of videostream and real time data of analysis can be obtained. If the person is found without mask,
Load face mask
detector
Train face mask
classifier with
Keras/Tensor flow
load face mask
classifier to disk
Load face mask
classifier from disk
Detect faces in
image/video
steam
Extract each
face ROI
Show result Apply face mask
classifier to each
face ROI to
determine
“mask” or “no
mask”
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1326
his picture will immediately sent to the concerned authority so that they can further action. Since world is in the verge of
another wave of corona virus, the proposed model can be considered dire necessity.
4. METHODOLOGY
Methodology of proposed model will be discussed in detail in this section.
Dataset: Our proposed model uses dataset containing cropped images of face with variable rotation and differentorientation.
This makes our data more diverse. Images were collected from images dataset offered by Kaggle, a open-source online
community of data scientists and machine learning practitioners andfew withinthepublicdomain.Thedatasetfoldercontains
two subfolders namely With mask and Without mask each containing the images of respective types. Each sub foldercontains
3600+ images. Accordingly they are labelled and trained in our model. We use MobileNet and OpenCV forautomatedreal time
mask detection.
Fig. 2. Image dataset (with mask)
Fig. 3. Image dataset (without mask)
4.1 Steps involved in face mask detection:
STEP 1: Pre-processing of Data:
a)Data Pre-processing: In Data preprocessing step, data will be processed into desired format. It involves transformation of
data from a given format to as required format by the model. This processed data well fit into themodel andwill becompatible
with different entities. With the help of Numpy and OpenCV libraries the proposed model perfoms operations on image and
video.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1327
b) Data Visualization: It can be defined as the process of transforming abstract datas to easily interpretablerepresentations.It
gives the user real-time trends, new insights about the data. It is useful in determining pattern in a given dataset. In the
proposed model, we first initialize two empty lists namely ‘data’ and ‘labels’ which store the array representations of images
and its corresponding label i.e. whether the image is masked or non-masked image. Two sub-folders in the dataset folder is
iterated by a for loop, each sub-folder at a time. Initially the images are labelled as same as that of the name of the folder they
are present. After labelling the dataset through for loop, the ‘labels’ list in the form of [‘withmask’,‘withoutmask’,….]matching
the images. Since we cannot train the model with categorical data, it needs to be encoded as 0’s and 1’s. We perform One-hot
encoding on the ‘labels’ in order to transform it into binary data using the command below.
c) RGB to Grayscale conversion : RGB images contains many features those were may not be useful for the training algorithm
and they take long time to process. In order to extract the features that were unique, we need to the image from RGB to
grayscale. It will reduced the complexity of the code, difficulty of visualization. It will increase the speed of training the model.
Fig. 4. RGB to Gray Scale conversion of a image of size 100x100
d) Image Reshaping: Majority of the CNNs requires their iputs to be fined-tuned. Size of input images must be identical to the
the 3D-feature tensor. It is required to reconfigure the inputs before we provided them as inputs to the model. They are
compressed to the pixel range [0, 1]. After that they are transformed to 4D-arrays. Last NN will give two possible outputs i.e.
where the input image is masked or unmasked in terms of binary values.
STEP 2: Splitting the Dataset
Here we split the dataset into training set and testing test. In the training set, there will be images that we used to train the
model and using the testing set we evaluate our CNN model. In out model we set test size = 0.2, which will split 80% and 20%
data to training set and testing set respectively.
STEP 3: Model - Building and Training
In our proposed model, we load the pre-processed dataset and train the model using algorithm on labelled dataset. Here,
loaded images are resized and are transformed into numpy based array. In our proposed model, the dataset is loaded and for
the purpose of training labelled images are used. At this stage, images from the dataset are resized and convered into numpy
based array. In this model, we use MobileNet to construct the lightweight deep CNNs. Using TensorFlow model is trained.
MobileNet architecture is used here which can be considered as the mainstay and tensorflow framework is used to train the
model. We keep initial learning rate ,INIT_LR = 1e-4, EPOCHS = 20, batch size BS = 32. In this model, for the purpose of face
detection webcam is used. If the model recognizes the face, it will place red square box and accuracy around the face.
a) Building the model: CNN is playing a significant role in moderndaycomputervision applications.WeusedSequential CNN in
our model. Sequential CNN is used in the current method. Output of the first convolution layer is fed into the activation
function called Rectified Linear Unit (ReLU) [9] followed by the MaxPooling layer. The inputsthatarefedintofirstconvolution
layers is convolved with 180 filters of kernel size 3 X 3. Along with first we need to provide the information of shape of the
expected input because the model must have the knowledge of shape of the input will be receiving. Then we use “relu”
activation functin for Conv2D class. For the Conv2D layer, ReLU activationfunctionisused.Thisoptimizationparameterhasall
the properties of linear models that can easilybeoptimizedwithdifferentgradient-descenttypes.Itperforms well comparedto
other types of activation functions. Then MaxPooling layer is used to decrease the dimensions of result from the preceding
operation. the output of previous operation is reduced by MaxPooling layer. Here MaxPooling layer of Pool size 7 x 7 is used.
The resulting output of pooling layer is again convolved with Convolution layer with filter size of 128 and kernel size of 3 X 3.
The resulting output is again fed into ReLU activation function followed by MaxPooling layer. This resulting matrix offeatures
is flattened using Flatten layer and this flattened matrix features in the form vector is fed as input parameters to the fully
connected neural network. In order to reduced the overfitting a Dropout layer is used. In the final dense layer, softmax
activation function is used which classifies the face in the input image as ‘with’ mask or ‘without’ mask.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1328
Fig. 5. Convolutional Neural Network architecture
b)Training the model: On according to the compilation method, the learning methodology needs to be configuredaccordingto
the requirement. Optimizer used is “adam”, which uses Adam algorithm, a stochastic gradient descent method.. Adam is
considered to be the best among adaptive optimizers. Categorical crossentropyisused aslossfunctionhere.Weset themetrics
to “accuracy” since problem is a classification problem. For better accuracy MobileNetV2 can be used.
STEP 4: Labeling the Information:
Once the model is built, results will be labelled with binary labels as per the binary probabilities, i.e. [“0” for “without mask”,
“1” for “with mask”]. Using RGB values color of the rectangle that bounds alsobechanged.[“GREEN”for “with mask”,“RED”for
“without mask”].
STEP 5: Importing the trained model:
By using our Laptop’s webcam, real-time face mask is detected. Prior tothat,wehavetoimplementthedacedetectionmodel in
our program, used for real-time input.
STEP 6: Detection of Faces with and without Mask:
In this final step, using the CV library, webcam will open for infinite loop till we manually exit the loop. Here facial recognition
will done by cascade classifier. The code webcam=cv2.videocapture(0) is used to turn ontheprimarycamera ofthe PC.Wecan
use multiple cameras by varying the argument to the above code. The model will estimate the probability ofpossibility ofeach
class. Class with higher probability will be choosen and respective tags will be placed around the face.
5. RESULTS AND DISCUSSIONS
Fig. 6. Training Model accuracy and loss curves
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1329
Fig. 7. Performance Metrics Histogram graph
By integrating every component of our model, we get the accurate mask detection system. MobileNetV2 classifierisutilizedin
the current model. The developed model is capable of detecting the facemask in videostream even with many faces and
different orientation.
5.1 Face mask detect from real time Videostream:
Fig. 8. Output when no mask
Fig. 9. Output when mask weared improperly
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1330
Fig. 10. Output when Mask weared properly
Table 1. Comparison of current model with other models
Author Method Classifier Result (Accurecy)
1. Ejaz et al. [10] Viola-Jones algorithm
Principle component
ananlysis(PCA)
Nearest neighbor (NN)
classifier
Masked face 72%
Non-masked face 95%.
2. Arjya Das et al. [11] Sequential Convolutional
Neural Network
cascade classifier and CNN 95.77%
3. Park et al [12] Recursive PCA PCA 90%
4. Nieto-Rodr´ıguez et al [13] Viola-Jones face detector Cascade classifier Recal>95%
False positive<5
Table 2. Performance Metrics of current Face Mask Classifier:
precision recall f1-score support
With_mask 0.99 1.00 0.99 383
Without_mask 1.00 0.99 0.99 384
accuracy 0.99 767
Macro avg 0.99 0.99 0.99 767
Weighted avg 0.99 0.99 0.99 767
6. CONCLUSION
The current model automatically detects whether a person appearing in front of the camera is wearing face mask or not
without human intervention. Results of process can be used by the concerned authorities to take legal action against the
culprits. This proposed model uses Computer Visionand machinelearningalgorithms toensurepublicsafetyagainstCOVID-19
virus. The proposed face mask detection model is trained using MobileNetV2 architecture with the help of Python libraries
such as OpenCV, Tensor Flow, Keras. The proposed model can be implemented in various places like commercial offices,
schools-colleges, airports, railway stations, shopping malls, etc. Goodaccuracyhasbeenachievedandthereisgreaterscopefor
real time implementation and optimization.
REFERENCES
[1] World Health Organization (2022), WHO Coronavirus (COVID-19) Dashboard,
Available: https://covid19.who.int/ [Accessed 03.01.2022]
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1331
[2] INSIDE NE, “WHO says Europe, Central Asia could see 5 lakhs COVID deaths by Feb 2022”, Available:
https://www.insidene.com/who-says-europe-central-asia-could-see-5-lakhs-covid-deaths-by-feb-2022/amp/ [Accessed:
03.01.2022]
[3] WHO, “Advice for the public: Coronavirus disease (COVID-19)”, Available:
https://www.who.int/emergencies/diseases/novel-coronavirus-2019/advice-for-public/ [Accessed: 03.01.2022].
[4] Qin, Bosheng, and Dongxiao Li. "Identifying facemask-wearing condition using image super-resolution with classification
network to prevent COVID-19." Sensors 20, no. 18 (2020): 5236.
[5]Priya Gupta, Nidhi Saxena, Meetika Sharma, and Jagriti Tripathi. "Deep neural network for human face
recognition." International Journal of Engineering and Manufacturing (IJEM) 8, no. 1 (2018): 63-71.
[6] Bhadani, Amrit & Sinha, Anurag. (2020). “A FACEMASK DETECTOR USING MACHINE LEARNING and PROCESSING
TECHNIQUE” 13.
[7] Sandler, Mark, Andrew Howard,MenglongZhu,AndreyZhmoginov,andLiang-ChiehChen."Mobilenetv2:Invertedresiduals
and linear bottlenecks." In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 4510-4520.
2018.
[8] Kingma, Diederik P., and Jimmy Ba. "Adam: A method for stochastic optimization." arXiv preprintarXiv:1412.6980 (2014).
[9] Nair, Vinod, and Geoffrey E. Hinton. "Rectified linear units improve restricted boltzmann machines." In Icml. 2010.
[10] M.S. Ejaz, M.R. Islam, M. Sifatullah, A. Sarker , “Implementation of principal component analysis on masked and non-
masked face recognition”, 2019 1st International Conference on Advances in Science, Engineering and Robotics Technology
(ICASERT) (2019).
[11] A. Das, M. Wasif Ansari and R. Basak, "Covid-19 Face Mask Detection Using TensorFlow, Keras and OpenCV," 2020 IEEE
17th India Council International Conference (INDICON), 2020, pp. 1-5, doi:10.1109/INDICON49873.2020.9342585.
[12] Jeong-Seon Park, You Hwa Oh, Sang Chul Ahn and Seong-Whan Lee, "Glasses removal from facial image using recursive
error compensation," in IEEE Transactions on Pattern Analysis and Machine Intelligence,vol.27,no.5,pp.805-811, May2005,
doi: 10.1109/TPAMI.2005.103.
[13] Nieto-Rodríguez, Adrian, Manuel Mucientes and Víctor Manuel Brea. “System forMedical Mask DetectionintheOperating
Room Through Facial Attributes.” IbPRIA (2015).

More Related Content

Similar to Deep Learning Assisted Tool for Face Mask Detection

FACE MASK DETECTION USING ML
FACE MASK DETECTION USING MLFACE MASK DETECTION USING ML
FACE MASK DETECTION USING MLIRJET Journal
 
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSING
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSINGFACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSING
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSINGIRJET Journal
 
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...IRJET Journal
 
Intelligent System For Face Mask Detection
Intelligent System For Face Mask DetectionIntelligent System For Face Mask Detection
Intelligent System For Face Mask DetectionIRJET Journal
 
Face Mask and Social Distance Detection
Face Mask and Social Distance DetectionFace Mask and Social Distance Detection
Face Mask and Social Distance DetectionIRJET Journal
 
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCE
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCEACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCE
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCEIRJET Journal
 
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUE
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUEFACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUE
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUEIRJET Journal
 
Realtime Face mask Detector using YoloV4
Realtime Face mask Detector using YoloV4Realtime Face mask Detector using YoloV4
Realtime Face mask Detector using YoloV4IRJET Journal
 
Face-Mask Alert System Using Transfer Learning
Face-Mask Alert System Using Transfer LearningFace-Mask Alert System Using Transfer Learning
Face-Mask Alert System Using Transfer LearningIRJET Journal
 
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITION
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITIONA VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITION
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITIONIRJET Journal
 
IRJET - Face Detection and Recognition System
IRJET -  	  Face Detection and Recognition SystemIRJET -  	  Face Detection and Recognition System
IRJET - Face Detection and Recognition SystemIRJET Journal
 
Face Mask Detection and Contactless Body Temperature Sensing
Face Mask Detection and Contactless Body Temperature SensingFace Mask Detection and Contactless Body Temperature Sensing
Face Mask Detection and Contactless Body Temperature SensingIRJET Journal
 
Review on Arduino-Based Face Mask Detection System
Review on Arduino-Based Face Mask Detection SystemReview on Arduino-Based Face Mask Detection System
Review on Arduino-Based Face Mask Detection SystemIRJET Journal
 
Contactless Temperature Monitoring and Face Mask Detection with Alert System
Contactless Temperature Monitoring and Face Mask Detection with Alert SystemContactless Temperature Monitoring and Face Mask Detection with Alert System
Contactless Temperature Monitoring and Face Mask Detection with Alert SystemIRJET Journal
 
Survey of ‘Nivritti’: survey of face recognition technologies/methods
Survey of ‘Nivritti’: survey of face recognition technologies/methodsSurvey of ‘Nivritti’: survey of face recognition technologies/methods
Survey of ‘Nivritti’: survey of face recognition technologies/methodsIRJET Journal
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETIRJET Journal
 
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEM
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEMAUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEM
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEMIRJET Journal
 
Social Distance Detection System
Social Distance Detection SystemSocial Distance Detection System
Social Distance Detection SystemIRJET Journal
 
Review Paper on Attendance Capturing System using Face Recognition
Review Paper on Attendance Capturing System using Face RecognitionReview Paper on Attendance Capturing System using Face Recognition
Review Paper on Attendance Capturing System using Face RecognitionIRJET Journal
 

Similar to Deep Learning Assisted Tool for Face Mask Detection (20)

FACE MASK DETECTION USING ML
FACE MASK DETECTION USING MLFACE MASK DETECTION USING ML
FACE MASK DETECTION USING ML
 
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSING
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSINGFACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSING
FACE MASK DETECTION USING MACHINE LEARNING AND IMAGE PROCESSING
 
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...
AI-based Mechanism to Authorise Beneficiaries at Covid Vaccination Camps usin...
 
Intelligent System For Face Mask Detection
Intelligent System For Face Mask DetectionIntelligent System For Face Mask Detection
Intelligent System For Face Mask Detection
 
Face Mask and Social Distance Detection
Face Mask and Social Distance DetectionFace Mask and Social Distance Detection
Face Mask and Social Distance Detection
 
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCE
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCEACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCE
ACCESS CONTROL SYSTEM USING FACE MASK DETECTION USING ARTIFICIAL INTELLIGENCE
 
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUE
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUEFACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUE
FACEMASK AND PHYSICAL DISTANCING DETECTION USING TRANSFER LEARNING TECHNIQUE
 
Realtime Face mask Detector using YoloV4
Realtime Face mask Detector using YoloV4Realtime Face mask Detector using YoloV4
Realtime Face mask Detector using YoloV4
 
Face-Mask Alert System Using Transfer Learning
Face-Mask Alert System Using Transfer LearningFace-Mask Alert System Using Transfer Learning
Face-Mask Alert System Using Transfer Learning
 
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITION
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITIONA VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITION
A VISUAL ATTENDANCE SYSTEM USING FACE RECOGNITION
 
IRJET - Face Detection and Recognition System
IRJET -  	  Face Detection and Recognition SystemIRJET -  	  Face Detection and Recognition System
IRJET - Face Detection and Recognition System
 
Face Mask Detection and Contactless Body Temperature Sensing
Face Mask Detection and Contactless Body Temperature SensingFace Mask Detection and Contactless Body Temperature Sensing
Face Mask Detection and Contactless Body Temperature Sensing
 
Review on Arduino-Based Face Mask Detection System
Review on Arduino-Based Face Mask Detection SystemReview on Arduino-Based Face Mask Detection System
Review on Arduino-Based Face Mask Detection System
 
Contactless Temperature Monitoring and Face Mask Detection with Alert System
Contactless Temperature Monitoring and Face Mask Detection with Alert SystemContactless Temperature Monitoring and Face Mask Detection with Alert System
Contactless Temperature Monitoring and Face Mask Detection with Alert System
 
Survey of ‘Nivritti’: survey of face recognition technologies/methods
Survey of ‘Nivritti’: survey of face recognition technologies/methodsSurvey of ‘Nivritti’: survey of face recognition technologies/methods
Survey of ‘Nivritti’: survey of face recognition technologies/methods
 
7.Mask detection.pdf
7.Mask detection.pdf7.Mask detection.pdf
7.Mask detection.pdf
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEM
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEMAUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEM
AUTOMATIC APPEARANCE MASK AND BODY TEMPERATURE FINDING SYSTEM
 
Social Distance Detection System
Social Distance Detection SystemSocial Distance Detection System
Social Distance Detection System
 
Review Paper on Attendance Capturing System using Face Recognition
Review Paper on Attendance Capturing System using Face RecognitionReview Paper on Attendance Capturing System using Face Recognition
Review Paper on Attendance Capturing System using Face Recognition
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxk795866
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)dollysharma2066
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfme23b1001
 
Introduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxIntroduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxvipinkmenon1
 

Recently uploaded (20)

Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Design and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdfDesign and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdf
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptx
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdf
 
Introduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxIntroduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptx
 

Deep Learning Assisted Tool for Face Mask Detection

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1324 Deep Learning Assisted Tool for Face Mask Detection Karthik Prasad1, Madhava Raj B2, Gokulnath S3, Sanjan Govind K4 1,2,3,4Student, Electronics and Communication Engineering, Vivekananda College of Engineering and Technology, Puttur, Karnataka, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - COVID-19 pandemic has already caused the huge havocaroundtheworldwithitsrecurringmultiplewaves. Manyhave lost their loved ones. Great number of people lost their jobs. World economy is still struggling to recover the losses caused by the pandemic. The pandemic has made a significant riffles in the lives of people around the globe. The World Health Organisation(WHO) has issued the several preventive measures to avoid the transmission of virus like measure masks in public gathering, maintain social distance, vaccination etc [3]. Checking whether the public is following the safety guidelines isa tedious job for the authorities concerned. Our team has worked over a model, which can easily identify whether a person is wearing mask or not in public gatherings like cinema theatres, malls, govt offices etc. where the CCTV is functional. The system can prevent the transmission of virus. This model has been developed using the various machine learning frameworks like Tensorflow and Keras. We have used MobileNetV2 architecture in this model. Keywords__ Tensorflow, Covid-19, MobileNetV2, Deep Learning, Face Mask, CNN 1. INTRODUCTION Corona virus(COVID-19) is an infectious illness caused by the SARS-CoV-2 virus. The first case was initially discovered in Wuhan(China) by the end of 2019, later spreading throughout the global became pandemic. As of now (3rd January 2022) 5.4 million people have succumbed to Covid-19 [1]. Currently the world is in the danger of another wave of virus. In spite of high vaccination rates, new cases are in surge across Europe. WHO has recently warned, if strict restrictions were not imposed as soon as possible, may cause 0.5 millions deaths by the end of February [2]. It also issued several guidelines to check the faster spreading of the virus such as wearing face mask, maintaining social distance, regular health checkups, vaccination etc [3]. In this project we have worked over a system, which can easily encounter whether the person is wearing face mask or not in the public places like cinema halls , shops etc where the CCTV is functional. The system can help to prevent the rapidtransmission of the viruses. Face recognition is one of the most promising field of computer vision. Recognizing the face and verifying whether the person is wearing a face mask or not automatically is the key principle of our project. 2. LITERATURE SURVEY There are methods in the literature that are applied on the face mask detection model. [4] combining image super-resolution and classification network (SRCNet) developed a method for identification face mask wearing condition ,which determined three categories of classification problem on the basis of unconstrained 2-Dimensional facial images.[5]thispaperproposesa different approach for face recognition with deep neural network. In this method, extracted features of face are given as input to the deep neural network instead of raw pixel data. This helps in better performance on Yale Face dataset by reducing the complexity and improved accuracy. [6] in this paper, usingdeeplearningandimageprocessingtechniques,proposesa method to detect human faces and classify them. This model uses MobileNetV2 [7] architecture and for optimization ADAM [8] optimizer is used. Proposed model is discussed in section-III, Methodology in section-IV, Results in section-Vandfinallypaper is concluded in section-VI. 3. PROPOSED MODEL The primary focus of the proposed model is to identify whether a person is wearing a mask or not, based on the visuals of image/video stream.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1325 # Phase1 # Phase 2 Fig. 1. Block diagram of the proposed model In first phase, we will gather the with and without the mask images. This dataset consists of 1800+ images belonging either of the two classes. In second phase, we will train the classifier for face mask detection, and in the final phase, we will use the trained model to distinguish each face as with mask or without a mask. In the second phase, we load face mask classifier from the disk. We have to add dataset to detect the face. The we have to turn On the camera to detect the face whether they are wearing the mask or not. Apply trained face mask detector model to each face ROI(Region of Interest)todetermine“mask”or“no mask”after thisweget the result whether the person is wearing the mask or not. To detect whether a person is wearing or not, TensorFlow and Keras frameworks are used. Here in this current proposed system, initially training of the model is done using the datasets which are collected from Kaggle. For training purpose TensorFlow and Keras are used together. Once the training of the model is complete we load the trained model, here by real time videostream faces are classified accordingly. In this proposed system we used MobileNetV2 architecture since it is very much helpful in training the model with huge dataset and maintaining the quality of images which we used to train. After loading of images, since we cannot directly trained model using raw images, they are converted into arrays,. After that using MobileNet images are processed and appended into the datalist. The most significant part of this current system are face recognition and mask detection. MobileNetV2 and OpenCV are explicitly used for this purpose. Once the ROI i.e. face has been detected by the system, a red or green rectangular box will be placed surrounding the face, depending on face with or without mask. Around 1800+ images of people with and without masks are collected from Kaggle for this purpose. By using these images we train model which will classifies in 2 categories namely, “with mask” and“withoutmask”. Whena personappearsin front of the camera, initially the system will recognize the face and later it will detect whether a person iswearingmask ornot. It will also display the correctness of the weared mask with rectangular box around the face. The monitoring will done continuously with the help of videostream and real time data of analysis can be obtained. If the person is found without mask, Load face mask detector Train face mask classifier with Keras/Tensor flow load face mask classifier to disk Load face mask classifier from disk Detect faces in image/video steam Extract each face ROI Show result Apply face mask classifier to each face ROI to determine “mask” or “no mask”
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1326 his picture will immediately sent to the concerned authority so that they can further action. Since world is in the verge of another wave of corona virus, the proposed model can be considered dire necessity. 4. METHODOLOGY Methodology of proposed model will be discussed in detail in this section. Dataset: Our proposed model uses dataset containing cropped images of face with variable rotation and differentorientation. This makes our data more diverse. Images were collected from images dataset offered by Kaggle, a open-source online community of data scientists and machine learning practitioners andfew withinthepublicdomain.Thedatasetfoldercontains two subfolders namely With mask and Without mask each containing the images of respective types. Each sub foldercontains 3600+ images. Accordingly they are labelled and trained in our model. We use MobileNet and OpenCV forautomatedreal time mask detection. Fig. 2. Image dataset (with mask) Fig. 3. Image dataset (without mask) 4.1 Steps involved in face mask detection: STEP 1: Pre-processing of Data: a)Data Pre-processing: In Data preprocessing step, data will be processed into desired format. It involves transformation of data from a given format to as required format by the model. This processed data well fit into themodel andwill becompatible with different entities. With the help of Numpy and OpenCV libraries the proposed model perfoms operations on image and video.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1327 b) Data Visualization: It can be defined as the process of transforming abstract datas to easily interpretablerepresentations.It gives the user real-time trends, new insights about the data. It is useful in determining pattern in a given dataset. In the proposed model, we first initialize two empty lists namely ‘data’ and ‘labels’ which store the array representations of images and its corresponding label i.e. whether the image is masked or non-masked image. Two sub-folders in the dataset folder is iterated by a for loop, each sub-folder at a time. Initially the images are labelled as same as that of the name of the folder they are present. After labelling the dataset through for loop, the ‘labels’ list in the form of [‘withmask’,‘withoutmask’,….]matching the images. Since we cannot train the model with categorical data, it needs to be encoded as 0’s and 1’s. We perform One-hot encoding on the ‘labels’ in order to transform it into binary data using the command below. c) RGB to Grayscale conversion : RGB images contains many features those were may not be useful for the training algorithm and they take long time to process. In order to extract the features that were unique, we need to the image from RGB to grayscale. It will reduced the complexity of the code, difficulty of visualization. It will increase the speed of training the model. Fig. 4. RGB to Gray Scale conversion of a image of size 100x100 d) Image Reshaping: Majority of the CNNs requires their iputs to be fined-tuned. Size of input images must be identical to the the 3D-feature tensor. It is required to reconfigure the inputs before we provided them as inputs to the model. They are compressed to the pixel range [0, 1]. After that they are transformed to 4D-arrays. Last NN will give two possible outputs i.e. where the input image is masked or unmasked in terms of binary values. STEP 2: Splitting the Dataset Here we split the dataset into training set and testing test. In the training set, there will be images that we used to train the model and using the testing set we evaluate our CNN model. In out model we set test size = 0.2, which will split 80% and 20% data to training set and testing set respectively. STEP 3: Model - Building and Training In our proposed model, we load the pre-processed dataset and train the model using algorithm on labelled dataset. Here, loaded images are resized and are transformed into numpy based array. In our proposed model, the dataset is loaded and for the purpose of training labelled images are used. At this stage, images from the dataset are resized and convered into numpy based array. In this model, we use MobileNet to construct the lightweight deep CNNs. Using TensorFlow model is trained. MobileNet architecture is used here which can be considered as the mainstay and tensorflow framework is used to train the model. We keep initial learning rate ,INIT_LR = 1e-4, EPOCHS = 20, batch size BS = 32. In this model, for the purpose of face detection webcam is used. If the model recognizes the face, it will place red square box and accuracy around the face. a) Building the model: CNN is playing a significant role in moderndaycomputervision applications.WeusedSequential CNN in our model. Sequential CNN is used in the current method. Output of the first convolution layer is fed into the activation function called Rectified Linear Unit (ReLU) [9] followed by the MaxPooling layer. The inputsthatarefedintofirstconvolution layers is convolved with 180 filters of kernel size 3 X 3. Along with first we need to provide the information of shape of the expected input because the model must have the knowledge of shape of the input will be receiving. Then we use “relu” activation functin for Conv2D class. For the Conv2D layer, ReLU activationfunctionisused.Thisoptimizationparameterhasall the properties of linear models that can easilybeoptimizedwithdifferentgradient-descenttypes.Itperforms well comparedto other types of activation functions. Then MaxPooling layer is used to decrease the dimensions of result from the preceding operation. the output of previous operation is reduced by MaxPooling layer. Here MaxPooling layer of Pool size 7 x 7 is used. The resulting output of pooling layer is again convolved with Convolution layer with filter size of 128 and kernel size of 3 X 3. The resulting output is again fed into ReLU activation function followed by MaxPooling layer. This resulting matrix offeatures is flattened using Flatten layer and this flattened matrix features in the form vector is fed as input parameters to the fully connected neural network. In order to reduced the overfitting a Dropout layer is used. In the final dense layer, softmax activation function is used which classifies the face in the input image as ‘with’ mask or ‘without’ mask.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1328 Fig. 5. Convolutional Neural Network architecture b)Training the model: On according to the compilation method, the learning methodology needs to be configuredaccordingto the requirement. Optimizer used is “adam”, which uses Adam algorithm, a stochastic gradient descent method.. Adam is considered to be the best among adaptive optimizers. Categorical crossentropyisused aslossfunctionhere.Weset themetrics to “accuracy” since problem is a classification problem. For better accuracy MobileNetV2 can be used. STEP 4: Labeling the Information: Once the model is built, results will be labelled with binary labels as per the binary probabilities, i.e. [“0” for “without mask”, “1” for “with mask”]. Using RGB values color of the rectangle that bounds alsobechanged.[“GREEN”for “with mask”,“RED”for “without mask”]. STEP 5: Importing the trained model: By using our Laptop’s webcam, real-time face mask is detected. Prior tothat,wehavetoimplementthedacedetectionmodel in our program, used for real-time input. STEP 6: Detection of Faces with and without Mask: In this final step, using the CV library, webcam will open for infinite loop till we manually exit the loop. Here facial recognition will done by cascade classifier. The code webcam=cv2.videocapture(0) is used to turn ontheprimarycamera ofthe PC.Wecan use multiple cameras by varying the argument to the above code. The model will estimate the probability ofpossibility ofeach class. Class with higher probability will be choosen and respective tags will be placed around the face. 5. RESULTS AND DISCUSSIONS Fig. 6. Training Model accuracy and loss curves
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1329 Fig. 7. Performance Metrics Histogram graph By integrating every component of our model, we get the accurate mask detection system. MobileNetV2 classifierisutilizedin the current model. The developed model is capable of detecting the facemask in videostream even with many faces and different orientation. 5.1 Face mask detect from real time Videostream: Fig. 8. Output when no mask Fig. 9. Output when mask weared improperly
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1330 Fig. 10. Output when Mask weared properly Table 1. Comparison of current model with other models Author Method Classifier Result (Accurecy) 1. Ejaz et al. [10] Viola-Jones algorithm Principle component ananlysis(PCA) Nearest neighbor (NN) classifier Masked face 72% Non-masked face 95%. 2. Arjya Das et al. [11] Sequential Convolutional Neural Network cascade classifier and CNN 95.77% 3. Park et al [12] Recursive PCA PCA 90% 4. Nieto-Rodr´ıguez et al [13] Viola-Jones face detector Cascade classifier Recal>95% False positive<5 Table 2. Performance Metrics of current Face Mask Classifier: precision recall f1-score support With_mask 0.99 1.00 0.99 383 Without_mask 1.00 0.99 0.99 384 accuracy 0.99 767 Macro avg 0.99 0.99 0.99 767 Weighted avg 0.99 0.99 0.99 767 6. CONCLUSION The current model automatically detects whether a person appearing in front of the camera is wearing face mask or not without human intervention. Results of process can be used by the concerned authorities to take legal action against the culprits. This proposed model uses Computer Visionand machinelearningalgorithms toensurepublicsafetyagainstCOVID-19 virus. The proposed face mask detection model is trained using MobileNetV2 architecture with the help of Python libraries such as OpenCV, Tensor Flow, Keras. The proposed model can be implemented in various places like commercial offices, schools-colleges, airports, railway stations, shopping malls, etc. Goodaccuracyhasbeenachievedandthereisgreaterscopefor real time implementation and optimization. REFERENCES [1] World Health Organization (2022), WHO Coronavirus (COVID-19) Dashboard, Available: https://covid19.who.int/ [Accessed 03.01.2022]
  • 8. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1331 [2] INSIDE NE, “WHO says Europe, Central Asia could see 5 lakhs COVID deaths by Feb 2022”, Available: https://www.insidene.com/who-says-europe-central-asia-could-see-5-lakhs-covid-deaths-by-feb-2022/amp/ [Accessed: 03.01.2022] [3] WHO, “Advice for the public: Coronavirus disease (COVID-19)”, Available: https://www.who.int/emergencies/diseases/novel-coronavirus-2019/advice-for-public/ [Accessed: 03.01.2022]. [4] Qin, Bosheng, and Dongxiao Li. "Identifying facemask-wearing condition using image super-resolution with classification network to prevent COVID-19." Sensors 20, no. 18 (2020): 5236. [5]Priya Gupta, Nidhi Saxena, Meetika Sharma, and Jagriti Tripathi. "Deep neural network for human face recognition." International Journal of Engineering and Manufacturing (IJEM) 8, no. 1 (2018): 63-71. [6] Bhadani, Amrit & Sinha, Anurag. (2020). “A FACEMASK DETECTOR USING MACHINE LEARNING and PROCESSING TECHNIQUE” 13. [7] Sandler, Mark, Andrew Howard,MenglongZhu,AndreyZhmoginov,andLiang-ChiehChen."Mobilenetv2:Invertedresiduals and linear bottlenecks." In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 4510-4520. 2018. [8] Kingma, Diederik P., and Jimmy Ba. "Adam: A method for stochastic optimization." arXiv preprintarXiv:1412.6980 (2014). [9] Nair, Vinod, and Geoffrey E. Hinton. "Rectified linear units improve restricted boltzmann machines." In Icml. 2010. [10] M.S. Ejaz, M.R. Islam, M. Sifatullah, A. Sarker , “Implementation of principal component analysis on masked and non- masked face recognition”, 2019 1st International Conference on Advances in Science, Engineering and Robotics Technology (ICASERT) (2019). [11] A. Das, M. Wasif Ansari and R. Basak, "Covid-19 Face Mask Detection Using TensorFlow, Keras and OpenCV," 2020 IEEE 17th India Council International Conference (INDICON), 2020, pp. 1-5, doi:10.1109/INDICON49873.2020.9342585. [12] Jeong-Seon Park, You Hwa Oh, Sang Chul Ahn and Seong-Whan Lee, "Glasses removal from facial image using recursive error compensation," in IEEE Transactions on Pattern Analysis and Machine Intelligence,vol.27,no.5,pp.805-811, May2005, doi: 10.1109/TPAMI.2005.103. [13] Nieto-Rodríguez, Adrian, Manuel Mucientes and Víctor Manuel Brea. “System forMedical Mask DetectionintheOperating Room Through Facial Attributes.” IbPRIA (2015).