SlideShare une entreprise Scribd logo
1  sur  5
Télécharger pour lire hors ligne
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4239
Spot Me - A Smart Attendance System Based On Face Recognition
Kacela D’Silva1, Sharvari Shanbhag2, Ankita Chaudhari3, Ms. Pranali Patil4
1,2,3Student, Department of Computer Engineering, New Horizon Institute of Technology and Management (Thane)
Mumbai, Maharashtra.
4Professor, Department of Computer Engineering, New Horizon Institute of Technology and Management (Thane)
Mumbai, Maharashtra.
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Face detection and recognition have a wide
range of possible applications. Several approaches for face
detection and recognition have been proposed in the last
decade. In recent years, deep convolutional neural networks
(CNNs) have gained a lotofpopularity. Thetraditionalmethod
of face recognition, such as Eigenface, is sensitive to lighting,
noise, gestures, expressions and etc. Hence, we utilize CNN to
implement face recognition. A deep learning-based face
recognition attendance system is proposed in this paper. Due
to the fact that CNNs achieve the best results for larger
datasets, image augmentation will be applied on the original
images for extending the small dataset. Theattendancerecord
is maintained in an excel sheet which isupdatedautomatically
by the system.
Key Words: Face Detection, Face Recognition, Deep
Learning, Attendance System, Convolution Neural Network
1. INTRODUCTION
Traditionally, students’ attendance records are taken
manually by teachers through roll calling in the class or the
students are required to physicallysigntheattendancesheet
each time for the attendance of each class. In order to
surmount the shortcomings of traditional attendance, we
propose a more convenient and intelligent attendance
system which is implemented using face recognition.
Face recognition is one of the most intensively studied
technologies in computer vision, with new approaches and
encouraging results reported every year. Face recognition
approaches are generally classified as feature based and
holistic approaches. In holistic based approaches,
recognition is done based on global features from faces,
whereas in feature-based approaches, faces are recognized
using local features from faces. Besides, in holistic
approaches, statistics and Artificial Intelligence (AI) is used
that learn from and perform well on a dataset of facial
images. Some statistical methods are Principal Component
Analysis (PCA), Linear Discriminant Analysis (LDA). AI
utilizes neural networks and machinelearningtechniques to
recognize faces. AI based approachesprovide moreaccuracy
than statistical and hence we have proposed deep learning-
based face recognition.
Deep learning is a sub-field of machine learningdealing with
algorithms inspired by the structure and function of the
brain called artificial neural networks. In other words, it
mirrors the functioning of our brains. A neural network is a
collection of layers that transforms the input in some way to
produce an output. Each layer in the neural network consists
of weights and biases which are just numbers that augment
the input. Deep neural network is basically a neural network
that has many layers. One of differences between machine
learning and deep learning model is the feature extraction
area. Feature extraction is done by humans in machine
learning whereas deep learning models do it themselves.
The face recognition process can be divided into two parts:
face detection and face recognition. Face detection refers to
computer technology that is able to identify the presence of
people’s faces within digital images. Face recognition goes
way beyond recognizing when a human face is present. It
attempts to establish whose face it is. The approach we are
going to use for face recognition is pretty straightforward.
The key here is to get a deep neural network to produce a
bunch of numbers that describes a face, known as face
encodings. When we pass in two different images of the
same person, the network should return similar outputs for
both images and when we pass in images of two different
people, the network should return different outputs for the
two images. This means that the neural network needs to be
trained to automatically identify different features of faces
and calculate numbers based on that.
2. LITERATURE SURVEY
In the existing system, the lecturer takes the attendance of
the students during lecture time by calling each and every
student or by passing the attendance sheet around the class.
This method is timeconsuming.Also,thereisalwaysachance
of proxies. Moreover, records of attendance are difficult to
handle and preserve for a long-term.
As a result of the active progress in software technologies,
there are now many different types of computerized
monitoring and attendance systems. These systems mostly
differ in the core technology they use. Several classical
methods are still used extensively such as Eigenface [1],
which is presented by M. Turk and A. Pentland. The method
of Eigen face provides a simple and cheap way for face
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4240
recognition. Furthermore, it reducesstatisticalcomplexityin
face image representation adequately. However, the
limitations of Eigenface are also obvious, it is sensitive to
lighting, scale and it requires a highly controlled
environment. However, in actual scenes, the environment
cannot be controlled,like light intensity,posevariation,facial
expressions, image noise and etc.
Kadry et al. in the paper [2] presented a wireless attendance
system based on iris recognition.Thesystemusesaneyescan
sensor and Daugman’s algorithmfortheirisrecognition.Patil
et al. in [3]applied face recognitionforclassroomattendance.
They used Eigenface for the recognition, but the overall
accuracy of the system was not mentioned in the paper.
Tharanga et al. in [4] used Principle Component Analysis
(PCA) method for the face recognition for their attendance
system, achieving an accuracy of 68%.
In recent years, there has been a tremendous progress in the
field of deep learning and theaccuracyoffacerecognitionhas
drastically improved by the usage of deep CNNs. Schroffetal.
in [5] presented the revolutionary system – FaceNet which
depends on the Deep Neural Network (DNN) for the face
recognition task. The proposed methodachievedastonishing
results on the Labeled Faces in the Wild (LFW) dataset,
99.63% accuracy. Arsenovic et al. in [6] used OpenFace
library and pre-trained FaceNet for developing the face
recognition model which achieved an accuracy of 95 %.
Motivated by these results, this paper proposes a deep
learningbasedfacerecognitionattendancesystem.Motivated
by these results, this paper proposes a deep learning-based
face recognition attendance system.
3. PROPOSED METHODOLOGY
The whole method of developing the deep learning-based
attendance system is explained in detail below. The
developing procedure is divided into several important
stages, including obtaining the training dataset and
augmentation, training the model and finally taking the
attendance and storing it into the excel sheet.
Fig -1: Block diagram
3.1 Dataset Preparation and Augmentation
The first step is to prepare the dataset of students. In this,the
students werephotographedusingawebcam.Approximately
10-12 images were taken of each student with changes in
movements and expressions.The imagesofeachstudentwas
saved in a different folder labelled with the student’s name.
After this step, we performed augmentation. In this step, we
applied different transformations on the images like adding
noise, flipping, blurring, etc. For this purpose we used scikit-
image, a python library that includes algorithms for image
transformation and manipulation. The purpose of
augmentation is taking imagesthatarealreadyinthetraining
dataset and manipulating them to create many altered
versions of the same image. This both provides more images
to train on and also help expose the model to a wider variety
of lighting and coloring situations so as to make it more
robust.
Fig -2: Speckled and flipped images
3.2 Face Detection and Alignment
Face detection and alignment are based on the paper “Joint
Face Detection and Alignment using Multi-task Cascaded
Convolutional Neural Networks” by Kaipeng Zhang,
Zhanpeng Zhang, Zhifeng Li and Yu Qiao [7]. This model has
three convolutional networks (P-Net, R-Net,andO-Net).This
method of face detection works well on non-frontal faces.
Once the faces have been detected, they get cropped and are
stored for further processing.
Fig -3: Bounding box on detected faces
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4241
3.3 Generating Embeddings
To perform facial recognition, weneed to uniquelyrepresent
a face. FaceNet is a deep learning architecture which uses a
convolutional neural network. FaceNet returns a 128-
dimensional vector embedding for each face. FaceNet uses
the concept of triplet loss.
Fig -4: The triplet loss function minimizes the distance
between an anchor and a positive, both of which have the
same identity and maximizes the distance between the
anchor and a negative of a different identity
3.4 Training the Classifier
The final step is trainingtheclassifierbasedonthepreviously
generated embedding from students’ dataset. These
embeddings will be used as feature inputs into scikit-learn’s
SVM classifier. The classifier helps to find the person in our
dataset of known people who has the closest measurements
to the test image.
3.5 Marking the Attendance
Once the face recognition process is completed, an excel
sheet is generated and attendance is marked for the
recognized students for that particular day.
4. IMPLEMENTATION
We have used two FaceNet models for training our dataset.
There are two pre-trained FaceNet models [8]available-the
2017 model and 2018 model. The major difference with
these two models is that the dimensions of the embeddings
vector has been increased from 128 to 512. Initially, the two
models were trained on a small number of images per
student i.e. the dataset consistedof10-15imagesperperson.
Our dataset comprises of total 20 students.
After training both the models, we tested it on a group of 11-
15 students and out of the two models, the 2018 model
performed better. So, we decided to go ahead with the 2018
pre-trained model. To further improve the accuracy, we
performed augmentation. We then trained the model with
the enlarged dataset on GoogleColabwhichprovidesGPU on
cloud service for free.
During testing, some of the images were predicted
incorrectly. False predictions were mostly made on images
with bad lighting wherein the face was not completely
visible. Also, the model makes false prediction if the face is
extremely turned sideways. In general, it is very hard to get
100% accuracy.
After training and prediction, an excel sheet is generated
wherein the recognizedstudentsaremarkedpresentand the
rest are marked absent. The attendance is marked asper the
timetable which is stored in the form of an excel sheet and
for each month, a different worksheet is activated.
5. RESULT
As we mentioned earlier, we used two FaceNet models for
training purpose. Initially, we trained both the models with
non augmented dataset and achieved the following results.
Fig -5: Image tested on 20170511-185253 model
In the 2017 model, 2 students were recognized incorrectly.
The same image was then tested with the 2018 model.
Fig -6: Image tested on 20180402-114759 model
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4242
Here only 1 student was recognized incorrectly. In this way,
we tested both the models on many differenttestimagesand
found the 2018 model performing better than the 2017
model.
In order to further improve the results, we performed
augmentation and trained the 2018 model again.
Fig -7: Image tested on 20180402-114759 model with
augmentation
Fig -8: Another image tested on 20180402-114759 model
with augmentation
In both the images, all the students were recognized
correctly. With this we reached to the conclusion that
training a model with an augmented dataset gives better
results. In order to test the accuracy of the model even
further we decided to test the model on twins.
Fig -9: Twins test image 1
Here in the first test image, the model wasabletodistinguish
between the twins. But as seen below in the second test
image, it failed to recognize the twins correctly.
Fig -10: Twins test image 2
In this image, the student’s face is turnedsidewaysandisnot
completely visible. Hence the model fails to recognize
correctly.
After performing face recognition, the next step is marking
the attendance. The attendance istakenasperthetime-table
stored. All those who get recognized in the picture are
marked as present and rest as absent.
For each subject there will be a new attendance sheet and
once the sheet has been created, next attendance for the
same subject will be marked in a new column date-wise.
Also, the attendance of next month for a particular subject
will be stored in the same excel document but in a different
worksheet which is labeled with the month number, for e.g.
March worksheet will be labeled as 3
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4243
Fig -11: Attendance sheet for Fig -7
6. CONCLUSION
The traditional method of taking attendance is very time
consuming as well as it is difficult to handle the attendance
records and preserve it for a long time. In this paper, a deep
learning based face recognition attendance system hasbeen
proposed. Due to the fact that deep learning based models
(CNN) achieve better results with larger dataset,
augmentation was performed to extendthesmall dataset. As
mentioned earlier the model sometimes fails to recognize a
person correctly. The model may perform better if the
quality of training dataset is improved. Also, if a high quality
camera is used to capture the image of the students for
attendance, then it may lead to better results. The future
scope of the system is to implement it commercially so that
this product can be useful in schools, colleges and at
university level.
REFERENCES
[1] M. Turk, A. Pentland, "Eigenfaces for recognition",
Journal of cognitive neuroscience,vol.3,no.1,pp.71-86,
1991.
[2] Kadry Seifedine, Mohamad.Smaili,"Wirelessattendance
management system based on iris recognition",
Scientific Research and Essays 5.12, pp. 1428-1435,
2013.
[3] Patil Ajinkya, Mrudang. Shukla, "Implementation of
Classroom Attendance System Based On Face
Recognition in Class", International Journal of Advances
in Engineering & Technology 7.3, 2014.
[4] Tharanga, JG. Roshan et al., "SMART ATTENDANCE
USING REAL TIME FACE RECOGNITION (SMART-FR)",
Department of Electronic and ComputerEngineeringSri
Lanka Institute of Information Technology (SLIIT)
Malabe Sri Lanka.
[5] Schroff Florian, Dmitry. Kalenichenko, James. Philbin,
"Facenet: A unified embedding for face recognition and
clustering", Proceedings of the IEEE Conference on
Computer Vision and Pattern Recognition, 2015.
[6] Marko Arsenovic, Srdjan Sladojevic, Andras Anderla,
Darko Stefanovic, “FaceTime – Deep Learning Based
Face Recognition Attendance System”, IEEE 15th
International Symposium on Intelligent Systems and
Informatics (SISY), 2017
[7] Kaipeng Zhang et al., "Joint Face Detection and
Alignment Using Multitask Cascaded Convolutional
Networks", IEEE Signal Processing Letters, vol. 23, no.
99, pp. 1499-1503, 2016.
[8] https://github.com/davidsandberg/facenet

Contenu connexe

Tendances

IRJET- Deep Feature Fusion for Iris Biometrics on Mobile Devices
IRJET- Deep Feature Fusion for Iris Biometrics on Mobile DevicesIRJET- Deep Feature Fusion for Iris Biometrics on Mobile Devices
IRJET- Deep Feature Fusion for Iris Biometrics on Mobile DevicesIRJET Journal
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET Journal
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paperSmriti Tikoo
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET Journal
 
Face Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control SystemFace Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control Systemijtsrd
 
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEY
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEYFEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEY
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEYijcsit
 
Automatic Attendance System using Deep Learning Framework
Automatic Attendance System using Deep Learning FrameworkAutomatic Attendance System using Deep Learning Framework
Automatic Attendance System using Deep Learning FrameworkPinaki Ranjan Sarkar
 
Table of contenets dec 2018
Table of contenets dec 2018Table of contenets dec 2018
Table of contenets dec 2018ijesajournal
 
IRJET - Facial In-Painting using Deep Learning in Machine Learning
IRJET -  	  Facial In-Painting using Deep Learning in Machine LearningIRJET -  	  Facial In-Painting using Deep Learning in Machine Learning
IRJET - Facial In-Painting using Deep Learning in Machine LearningIRJET Journal
 
IRJET- Credit Card Fraud Detection using Isolation Forest
IRJET- Credit Card Fraud Detection using Isolation ForestIRJET- Credit Card Fraud Detection using Isolation Forest
IRJET- Credit Card Fraud Detection using Isolation ForestIRJET Journal
 
Using optimized features for modified optical backpropagation
Using optimized features for modified optical backpropagationUsing optimized features for modified optical backpropagation
Using optimized features for modified optical backpropagationAlexander Decker
 
M phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsM phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsVijay Karan
 
A Review on Feature Extraction Techniques and General Approach for Face Recog...
A Review on Feature Extraction Techniques and General Approach for Face Recog...A Review on Feature Extraction Techniques and General Approach for Face Recog...
A Review on Feature Extraction Techniques and General Approach for Face Recog...Editor IJCATR
 
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...IRJET Journal
 
IJSRED-V2I1P12
IJSRED-V2I1P12IJSRED-V2I1P12
IJSRED-V2I1P12IJSRED
 
IRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET Journal
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’seSAT Publishing House
 

Tendances (20)

IRJET- Deep Feature Fusion for Iris Biometrics on Mobile Devices
IRJET- Deep Feature Fusion for Iris Biometrics on Mobile DevicesIRJET- Deep Feature Fusion for Iris Biometrics on Mobile Devices
IRJET- Deep Feature Fusion for Iris Biometrics on Mobile Devices
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paper
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural Network
 
Face Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control SystemFace Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control System
 
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEY
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEYFEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEY
FEATURE EXTRACTION METHODS FOR IRIS RECOGNITION SYSTEM: A SURVEY
 
Automatic Attendance System using Deep Learning Framework
Automatic Attendance System using Deep Learning FrameworkAutomatic Attendance System using Deep Learning Framework
Automatic Attendance System using Deep Learning Framework
 
Table of contenets dec 2018
Table of contenets dec 2018Table of contenets dec 2018
Table of contenets dec 2018
 
I017525560
I017525560I017525560
I017525560
 
IRJET- Digiyathra
IRJET-  	  DigiyathraIRJET-  	  Digiyathra
IRJET- Digiyathra
 
IRJET - Facial In-Painting using Deep Learning in Machine Learning
IRJET -  	  Facial In-Painting using Deep Learning in Machine LearningIRJET -  	  Facial In-Painting using Deep Learning in Machine Learning
IRJET - Facial In-Painting using Deep Learning in Machine Learning
 
IRJET- Credit Card Fraud Detection using Isolation Forest
IRJET- Credit Card Fraud Detection using Isolation ForestIRJET- Credit Card Fraud Detection using Isolation Forest
IRJET- Credit Card Fraud Detection using Isolation Forest
 
Using optimized features for modified optical backpropagation
Using optimized features for modified optical backpropagationUsing optimized features for modified optical backpropagation
Using optimized features for modified optical backpropagation
 
M phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsM phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projects
 
A Review on Feature Extraction Techniques and General Approach for Face Recog...
A Review on Feature Extraction Techniques and General Approach for Face Recog...A Review on Feature Extraction Techniques and General Approach for Face Recog...
A Review on Feature Extraction Techniques and General Approach for Face Recog...
 
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...
Recognition of Silverleaf Whitefly and Western Flower Thrips Via Image Proces...
 
IJSRED-V2I1P12
IJSRED-V2I1P12IJSRED-V2I1P12
IJSRED-V2I1P12
 
An optimal face recoginition tool
An optimal face recoginition toolAn optimal face recoginition tool
An optimal face recoginition tool
 
IRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind People
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’s
 

Similaire à IRJET- Spot Me - A Smart Attendance System based on Face Recognition

IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET Journal
 
Automatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionAutomatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionKathryn Patel
 
A Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmA Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmIRJET Journal
 
A survey on Machine Learning and Artificial Neural Networks
A survey on Machine Learning and Artificial Neural NetworksA survey on Machine Learning and Artificial Neural Networks
A survey on Machine Learning and Artificial Neural NetworksIRJET Journal
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...IRJET Journal
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionIRJET Journal
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object DetectionIRJET Journal
 
Automated attendance system using Face recognition
Automated attendance system using Face recognitionAutomated attendance system using Face recognition
Automated attendance system using Face recognitionIRJET Journal
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONIRJET Journal
 
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET Journal
 
Face Recognition Smart Attendance System: (InClass System)
Face Recognition Smart Attendance System: (InClass System)Face Recognition Smart Attendance System: (InClass System)
Face Recognition Smart Attendance System: (InClass System)IRJET Journal
 
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)IRJET Journal
 
Analysis of student sentiment during video class with multi-layer deep learni...
Analysis of student sentiment during video class with multi-layer deep learni...Analysis of student sentiment during video class with multi-layer deep learni...
Analysis of student sentiment during video class with multi-layer deep learni...IJECEIAES
 
Face Recognition Smart Attendance System- A Survey
Face Recognition Smart Attendance System- A SurveyFace Recognition Smart Attendance System- A Survey
Face Recognition Smart Attendance System- A SurveyIRJET Journal
 
Age and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkAge and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkIRJET Journal
 
IRJET- Secure Online Payment with Facial Recognition using CNN
IRJET-  	  Secure Online Payment with Facial Recognition using CNNIRJET-  	  Secure Online Payment with Facial Recognition using CNN
IRJET- Secure Online Payment with Facial Recognition using CNNIRJET Journal
 
IRJET- Development of a Face Recognition System with Deep Learning and Py...
IRJET-  	  Development of a Face Recognition System with Deep Learning and Py...IRJET-  	  Development of a Face Recognition System with Deep Learning and Py...
IRJET- Development of a Face Recognition System with Deep Learning and Py...IRJET Journal
 
Smart Door Access using Facial Recognition
Smart Door Access using Facial RecognitionSmart Door Access using Facial Recognition
Smart Door Access using Facial Recognitionijtsrd
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learningReallykul Kuul
 
IRJET - Facial Recognition based Attendance System with LBPH
IRJET -  	  Facial Recognition based Attendance System with LBPHIRJET -  	  Facial Recognition based Attendance System with LBPH
IRJET - Facial Recognition based Attendance System with LBPHIRJET Journal
 

Similaire à IRJET- Spot Me - A Smart Attendance System based on Face Recognition (20)

IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: Survey
 
Automatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionAutomatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face Recognition
 
A Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmA Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net Algorithm
 
A survey on Machine Learning and Artificial Neural Networks
A survey on Machine Learning and Artificial Neural NetworksA survey on Machine Learning and Artificial Neural Networks
A survey on Machine Learning and Artificial Neural Networks
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face Recognition
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
 
Automated attendance system using Face recognition
Automated attendance system using Face recognitionAutomated attendance system using Face recognition
Automated attendance system using Face recognition
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
 
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
 
Face Recognition Smart Attendance System: (InClass System)
Face Recognition Smart Attendance System: (InClass System)Face Recognition Smart Attendance System: (InClass System)
Face Recognition Smart Attendance System: (InClass System)
 
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
 
Analysis of student sentiment during video class with multi-layer deep learni...
Analysis of student sentiment during video class with multi-layer deep learni...Analysis of student sentiment during video class with multi-layer deep learni...
Analysis of student sentiment during video class with multi-layer deep learni...
 
Face Recognition Smart Attendance System- A Survey
Face Recognition Smart Attendance System- A SurveyFace Recognition Smart Attendance System- A Survey
Face Recognition Smart Attendance System- A Survey
 
Age and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkAge and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural Network
 
IRJET- Secure Online Payment with Facial Recognition using CNN
IRJET-  	  Secure Online Payment with Facial Recognition using CNNIRJET-  	  Secure Online Payment with Facial Recognition using CNN
IRJET- Secure Online Payment with Facial Recognition using CNN
 
IRJET- Development of a Face Recognition System with Deep Learning and Py...
IRJET-  	  Development of a Face Recognition System with Deep Learning and Py...IRJET-  	  Development of a Face Recognition System with Deep Learning and Py...
IRJET- Development of a Face Recognition System with Deep Learning and Py...
 
Smart Door Access using Facial Recognition
Smart Door Access using Facial RecognitionSmart Door Access using Facial Recognition
Smart Door Access using Facial Recognition
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learning
 
IRJET - Facial Recognition based Attendance System with LBPH
IRJET -  	  Facial Recognition based Attendance System with LBPHIRJET -  	  Facial Recognition based Attendance System with LBPH
IRJET - Facial Recognition based Attendance System with LBPH
 

Plus de 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
 

Plus de 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...
 

Dernier

Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayEpec Engineered Technologies
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Arindam Chakraborty, Ph.D., P.E. (CA, TX)
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756dollysharma2066
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086anil_gaur
 
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoor
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoorTop Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoor
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoordharasingh5698
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaOmar Fathy
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptDineshKumar4165
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.Kamal Acharya
 
22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf203318pmpc
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 
2016EF22_0 solar project report rooftop projects
2016EF22_0 solar project report rooftop projects2016EF22_0 solar project report rooftop projects
2016EF22_0 solar project report rooftop projectssmsksolar
 
data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfJiananWang21
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdfKamal Acharya
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VDineshKumar4165
 
notes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.pptnotes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.pptMsecMca
 
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdfONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdfKamal Acharya
 
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night StandCall Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 

Dernier (20)

Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086
 
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoor
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoorTop Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoor
Top Rated Call Girls In chittoor 📱 {7001035870} VIP Escorts chittoor
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS Lambda
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.
 
22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
2016EF22_0 solar project report rooftop projects
2016EF22_0 solar project report rooftop projects2016EF22_0 solar project report rooftop projects
2016EF22_0 solar project report rooftop projects
 
data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdf
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdf
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - V
 
notes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.pptnotes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.ppt
 
Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024
 
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdfONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
 
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night StandCall Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bangalore ☎ 7737669865 🥵 Book Your One night Stand
 

IRJET- Spot Me - A Smart Attendance System based on Face Recognition

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4239 Spot Me - A Smart Attendance System Based On Face Recognition Kacela D’Silva1, Sharvari Shanbhag2, Ankita Chaudhari3, Ms. Pranali Patil4 1,2,3Student, Department of Computer Engineering, New Horizon Institute of Technology and Management (Thane) Mumbai, Maharashtra. 4Professor, Department of Computer Engineering, New Horizon Institute of Technology and Management (Thane) Mumbai, Maharashtra. ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Face detection and recognition have a wide range of possible applications. Several approaches for face detection and recognition have been proposed in the last decade. In recent years, deep convolutional neural networks (CNNs) have gained a lotofpopularity. Thetraditionalmethod of face recognition, such as Eigenface, is sensitive to lighting, noise, gestures, expressions and etc. Hence, we utilize CNN to implement face recognition. A deep learning-based face recognition attendance system is proposed in this paper. Due to the fact that CNNs achieve the best results for larger datasets, image augmentation will be applied on the original images for extending the small dataset. Theattendancerecord is maintained in an excel sheet which isupdatedautomatically by the system. Key Words: Face Detection, Face Recognition, Deep Learning, Attendance System, Convolution Neural Network 1. INTRODUCTION Traditionally, students’ attendance records are taken manually by teachers through roll calling in the class or the students are required to physicallysigntheattendancesheet each time for the attendance of each class. In order to surmount the shortcomings of traditional attendance, we propose a more convenient and intelligent attendance system which is implemented using face recognition. Face recognition is one of the most intensively studied technologies in computer vision, with new approaches and encouraging results reported every year. Face recognition approaches are generally classified as feature based and holistic approaches. In holistic based approaches, recognition is done based on global features from faces, whereas in feature-based approaches, faces are recognized using local features from faces. Besides, in holistic approaches, statistics and Artificial Intelligence (AI) is used that learn from and perform well on a dataset of facial images. Some statistical methods are Principal Component Analysis (PCA), Linear Discriminant Analysis (LDA). AI utilizes neural networks and machinelearningtechniques to recognize faces. AI based approachesprovide moreaccuracy than statistical and hence we have proposed deep learning- based face recognition. Deep learning is a sub-field of machine learningdealing with algorithms inspired by the structure and function of the brain called artificial neural networks. In other words, it mirrors the functioning of our brains. A neural network is a collection of layers that transforms the input in some way to produce an output. Each layer in the neural network consists of weights and biases which are just numbers that augment the input. Deep neural network is basically a neural network that has many layers. One of differences between machine learning and deep learning model is the feature extraction area. Feature extraction is done by humans in machine learning whereas deep learning models do it themselves. The face recognition process can be divided into two parts: face detection and face recognition. Face detection refers to computer technology that is able to identify the presence of people’s faces within digital images. Face recognition goes way beyond recognizing when a human face is present. It attempts to establish whose face it is. The approach we are going to use for face recognition is pretty straightforward. The key here is to get a deep neural network to produce a bunch of numbers that describes a face, known as face encodings. When we pass in two different images of the same person, the network should return similar outputs for both images and when we pass in images of two different people, the network should return different outputs for the two images. This means that the neural network needs to be trained to automatically identify different features of faces and calculate numbers based on that. 2. LITERATURE SURVEY In the existing system, the lecturer takes the attendance of the students during lecture time by calling each and every student or by passing the attendance sheet around the class. This method is timeconsuming.Also,thereisalwaysachance of proxies. Moreover, records of attendance are difficult to handle and preserve for a long-term. As a result of the active progress in software technologies, there are now many different types of computerized monitoring and attendance systems. These systems mostly differ in the core technology they use. Several classical methods are still used extensively such as Eigenface [1], which is presented by M. Turk and A. Pentland. The method of Eigen face provides a simple and cheap way for face
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4240 recognition. Furthermore, it reducesstatisticalcomplexityin face image representation adequately. However, the limitations of Eigenface are also obvious, it is sensitive to lighting, scale and it requires a highly controlled environment. However, in actual scenes, the environment cannot be controlled,like light intensity,posevariation,facial expressions, image noise and etc. Kadry et al. in the paper [2] presented a wireless attendance system based on iris recognition.Thesystemusesaneyescan sensor and Daugman’s algorithmfortheirisrecognition.Patil et al. in [3]applied face recognitionforclassroomattendance. They used Eigenface for the recognition, but the overall accuracy of the system was not mentioned in the paper. Tharanga et al. in [4] used Principle Component Analysis (PCA) method for the face recognition for their attendance system, achieving an accuracy of 68%. In recent years, there has been a tremendous progress in the field of deep learning and theaccuracyoffacerecognitionhas drastically improved by the usage of deep CNNs. Schroffetal. in [5] presented the revolutionary system – FaceNet which depends on the Deep Neural Network (DNN) for the face recognition task. The proposed methodachievedastonishing results on the Labeled Faces in the Wild (LFW) dataset, 99.63% accuracy. Arsenovic et al. in [6] used OpenFace library and pre-trained FaceNet for developing the face recognition model which achieved an accuracy of 95 %. Motivated by these results, this paper proposes a deep learningbasedfacerecognitionattendancesystem.Motivated by these results, this paper proposes a deep learning-based face recognition attendance system. 3. PROPOSED METHODOLOGY The whole method of developing the deep learning-based attendance system is explained in detail below. The developing procedure is divided into several important stages, including obtaining the training dataset and augmentation, training the model and finally taking the attendance and storing it into the excel sheet. Fig -1: Block diagram 3.1 Dataset Preparation and Augmentation The first step is to prepare the dataset of students. In this,the students werephotographedusingawebcam.Approximately 10-12 images were taken of each student with changes in movements and expressions.The imagesofeachstudentwas saved in a different folder labelled with the student’s name. After this step, we performed augmentation. In this step, we applied different transformations on the images like adding noise, flipping, blurring, etc. For this purpose we used scikit- image, a python library that includes algorithms for image transformation and manipulation. The purpose of augmentation is taking imagesthatarealreadyinthetraining dataset and manipulating them to create many altered versions of the same image. This both provides more images to train on and also help expose the model to a wider variety of lighting and coloring situations so as to make it more robust. Fig -2: Speckled and flipped images 3.2 Face Detection and Alignment Face detection and alignment are based on the paper “Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks” by Kaipeng Zhang, Zhanpeng Zhang, Zhifeng Li and Yu Qiao [7]. This model has three convolutional networks (P-Net, R-Net,andO-Net).This method of face detection works well on non-frontal faces. Once the faces have been detected, they get cropped and are stored for further processing. Fig -3: Bounding box on detected faces
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4241 3.3 Generating Embeddings To perform facial recognition, weneed to uniquelyrepresent a face. FaceNet is a deep learning architecture which uses a convolutional neural network. FaceNet returns a 128- dimensional vector embedding for each face. FaceNet uses the concept of triplet loss. Fig -4: The triplet loss function minimizes the distance between an anchor and a positive, both of which have the same identity and maximizes the distance between the anchor and a negative of a different identity 3.4 Training the Classifier The final step is trainingtheclassifierbasedonthepreviously generated embedding from students’ dataset. These embeddings will be used as feature inputs into scikit-learn’s SVM classifier. The classifier helps to find the person in our dataset of known people who has the closest measurements to the test image. 3.5 Marking the Attendance Once the face recognition process is completed, an excel sheet is generated and attendance is marked for the recognized students for that particular day. 4. IMPLEMENTATION We have used two FaceNet models for training our dataset. There are two pre-trained FaceNet models [8]available-the 2017 model and 2018 model. The major difference with these two models is that the dimensions of the embeddings vector has been increased from 128 to 512. Initially, the two models were trained on a small number of images per student i.e. the dataset consistedof10-15imagesperperson. Our dataset comprises of total 20 students. After training both the models, we tested it on a group of 11- 15 students and out of the two models, the 2018 model performed better. So, we decided to go ahead with the 2018 pre-trained model. To further improve the accuracy, we performed augmentation. We then trained the model with the enlarged dataset on GoogleColabwhichprovidesGPU on cloud service for free. During testing, some of the images were predicted incorrectly. False predictions were mostly made on images with bad lighting wherein the face was not completely visible. Also, the model makes false prediction if the face is extremely turned sideways. In general, it is very hard to get 100% accuracy. After training and prediction, an excel sheet is generated wherein the recognizedstudentsaremarkedpresentand the rest are marked absent. The attendance is marked asper the timetable which is stored in the form of an excel sheet and for each month, a different worksheet is activated. 5. RESULT As we mentioned earlier, we used two FaceNet models for training purpose. Initially, we trained both the models with non augmented dataset and achieved the following results. Fig -5: Image tested on 20170511-185253 model In the 2017 model, 2 students were recognized incorrectly. The same image was then tested with the 2018 model. Fig -6: Image tested on 20180402-114759 model
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4242 Here only 1 student was recognized incorrectly. In this way, we tested both the models on many differenttestimagesand found the 2018 model performing better than the 2017 model. In order to further improve the results, we performed augmentation and trained the 2018 model again. Fig -7: Image tested on 20180402-114759 model with augmentation Fig -8: Another image tested on 20180402-114759 model with augmentation In both the images, all the students were recognized correctly. With this we reached to the conclusion that training a model with an augmented dataset gives better results. In order to test the accuracy of the model even further we decided to test the model on twins. Fig -9: Twins test image 1 Here in the first test image, the model wasabletodistinguish between the twins. But as seen below in the second test image, it failed to recognize the twins correctly. Fig -10: Twins test image 2 In this image, the student’s face is turnedsidewaysandisnot completely visible. Hence the model fails to recognize correctly. After performing face recognition, the next step is marking the attendance. The attendance istakenasperthetime-table stored. All those who get recognized in the picture are marked as present and rest as absent. For each subject there will be a new attendance sheet and once the sheet has been created, next attendance for the same subject will be marked in a new column date-wise. Also, the attendance of next month for a particular subject will be stored in the same excel document but in a different worksheet which is labeled with the month number, for e.g. March worksheet will be labeled as 3
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 03 | Mar 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 4243 Fig -11: Attendance sheet for Fig -7 6. CONCLUSION The traditional method of taking attendance is very time consuming as well as it is difficult to handle the attendance records and preserve it for a long time. In this paper, a deep learning based face recognition attendance system hasbeen proposed. Due to the fact that deep learning based models (CNN) achieve better results with larger dataset, augmentation was performed to extendthesmall dataset. As mentioned earlier the model sometimes fails to recognize a person correctly. The model may perform better if the quality of training dataset is improved. Also, if a high quality camera is used to capture the image of the students for attendance, then it may lead to better results. The future scope of the system is to implement it commercially so that this product can be useful in schools, colleges and at university level. REFERENCES [1] M. Turk, A. Pentland, "Eigenfaces for recognition", Journal of cognitive neuroscience,vol.3,no.1,pp.71-86, 1991. [2] Kadry Seifedine, Mohamad.Smaili,"Wirelessattendance management system based on iris recognition", Scientific Research and Essays 5.12, pp. 1428-1435, 2013. [3] Patil Ajinkya, Mrudang. Shukla, "Implementation of Classroom Attendance System Based On Face Recognition in Class", International Journal of Advances in Engineering & Technology 7.3, 2014. [4] Tharanga, JG. Roshan et al., "SMART ATTENDANCE USING REAL TIME FACE RECOGNITION (SMART-FR)", Department of Electronic and ComputerEngineeringSri Lanka Institute of Information Technology (SLIIT) Malabe Sri Lanka. [5] Schroff Florian, Dmitry. Kalenichenko, James. Philbin, "Facenet: A unified embedding for face recognition and clustering", Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2015. [6] Marko Arsenovic, Srdjan Sladojevic, Andras Anderla, Darko Stefanovic, “FaceTime – Deep Learning Based Face Recognition Attendance System”, IEEE 15th International Symposium on Intelligent Systems and Informatics (SISY), 2017 [7] Kaipeng Zhang et al., "Joint Face Detection and Alignment Using Multitask Cascaded Convolutional Networks", IEEE Signal Processing Letters, vol. 23, no. 99, pp. 1499-1503, 2016. [8] https://github.com/davidsandberg/facenet