SlideShare a Scribd company logo
1 of 20
A UTOMATED ATTENDANCE SYSTEM
AS
G. NAVEEN SAI (N180674)
B. MAHESH (N180565)
S. HARSHITA (N180121)
M. LAKSHMI (N180351)
SK. FALAKNAAZ (N180255)
Abstract
Title: An Automated Attendance System Using Facial Recognition and Deep Learning
Taking attendance manually in a classroom setting is time-consuming and prone to errors. To
address these challenges, we propose an automated attendance system that utilizes facial recognition
and deep learning algorithms to accurately track students' attendance.
Our system captures a single picture of the classroom using a camera. Each student's face is
detected and extracted from the image using computer vision techniques. Subsequently, a deep
learning model trained on facial recognition algorithms is employed to match the extracted faces with
known student identities. If a match is found with high confidence, the student's attendance is
recorded.
In conclusion, our mini project aims to design and develop an automated attendance system utilizing
facial recognition and deep learning. This system offers a reliable, efficient, and accurate alternative to
manual attendance taking.
Introduction
 Motivation for the work:
• Manual attendance taking in classrooms is time-consuming and prone to errors.
• Automation can significantly reduce the time and effort required for attendance tracking.
• Facial recognition and deep learning provide a reliable and accurate method for identifying students.
 Real-world Applications:
• Educational Institutions:
The system can be implemented in schools, colleges, and universities to streamline attendance
management processes, reduce administrative burdens, and improve overall efficiency.
• Corporate Environments:
Companies can utilize the automated attendance system to track employees' presence, ensuring
accurate payroll management and enhancing security measures.
• Events and Conferences:
The system can be employed in large-scale events to monitor participant attendance, optimize event
planning, and provide valuable data for post-event analysis.
By using facial recognition and deep learning, this project addresses the limitations of manual attendance tracking
methods, offering an automated system that enhances classroom management, reduces errors, and promotes
academic integrity.
Related Works/Existing Works:
RFID BIOMETRIC
This system uses RFID tags
attached to students' ID cards to
track attendance. However, it
requires students to physically tap
their cards on a reader, which can
be inconvenient and prone to
errors if students forget to do so.
This system utilizes fingerprint
recognition to track attendance. While
it provides accurate identification, it
requires physical contact with the
fingerprint scanner, making it less
hygienic and time-consuming in larger
classrooms.
This system generates unique QR
codes for each student, and they
scan their codes using a
smartphone app to mark their
attendance. Smartphones and
internet connectivity, which may
not be feasible for all students.
QR CODE
1) Few related works and their limitations:
Related Works/Existing Works:
2) Research Gaps identified
• Limited research on the integration of facial recognition and deep learning for attendance management in
educational institutions.
• Insufficient focus on addressing attendance fraud or impersonation attempts using advanced technologies.
• Limited exploration of real-time attendance tracking using facial recognition and deep learning algorithms.
• Inadequate studies on the scalability and performance of facial recognition systems for large classroom
settings.
By addressing these research gaps, we aim to contribute to the development of a robust, scalable, real-time, and
ethically conscious automated attendance system using facial recognition and deep learning techniques.
Proposed Method
I) Flowchart
Proposed Method
1)Data Collection:
We have prepared our own dataset specifically tailored for 5 sections. This dataset consists of
images of each student, along with their corresponding unique IDs. The images were captured using and
carefully labeled to associate each image with the respective student's ID. This enables us accurate
identification and attendance tracking of individual students in the classroom. And the images are stored in
train, test, and validation directories for training and testing.
2) Preprocessing:
Before feeding the images into the model, preprocessing steps are performed to ensure that the
data is in a suitable format for training. The preprocessing steps may involve converting the images to
grayscale, resizing them to a consistent size, and normalizing pixel values. Additionally, the images are
processed to detect and extract faces using the dlib library.
3) Building the Model:
A CNN model is built using TensorFlow's Keras. The model architecture consists of convolutional
layers, pooling layers, and fully connected layers. Each layer is added to the model using the add method of
the Sequential class, and the output of each layer serves as the input to the next layer. These layers are
defined to capture and learn the essential features and patterns present in the input images.
II) Components in the flowchart
Proposed Method
4) Training:
Once the model is constructed, it is trained using the pre-processed training data. The training data
is passed through the model iteratively for a specified number of epochs. During each epoch, the model
updates its parameters based on the loss calculated between the predicted outputs and the ground truth
labels. The goal of training is to optimize the model's parameters to accurately recognize and classify the input
images.
5) Testing:
After the model is trained, it is evaluated using the pre-processed testing data. The testing phase
aims to assess the model's performance on unseen data. The images are passed through the trained model to
obtain predictions. The predicted output is then compared to the known labels to measure the model's
accuracy and performance.
Proposed Method
1)Preprocessing
• Import the required libraries (dlib, cv2, os).
• Load the face detector and shape predictor models.
• Define the input directories for preprocessing.
• Loop over the input directories.
• For each image file in the directories:
• Load the image.
• Convert the image to grayscale.
• Detect faces in the image.
• For each detected face:
• Get the face landmarks.
• Extract the face region.
• Convert the face region to grayscale.
• Save the preprocessed image with a new filename
III) Algorithms
Proposed Method
2)Training
• Import the required libraries (tensorflow, keras).
• Define the parameters for the model (image width, image height, num_channels, num_classes,
batch_size, num_epochs).
• Define the CNN model architecture using Sequential and various layers.
• Compile the model with the desired optimizer, loss function, and metrics.
• Define the paths to the training and validation directories.
• Create data generators for training and validation data using ImageDataGenerator.
• Train the model using the fit() function, specifying the training and validation data.
• Save the trained model.
3)Testing
• Extract each face from the group image and preprocess(face).
• Iterate over the saved face images.
• Load each image and resize it.
• Predict the person in the test image using the loaded model.
• Output the predicted person's name and ID.
III) Algorithms
Experimental setup
I) Technologies and libraries used:
• Python
• OpenCV
• Dlib
• TensorFlow
• Keras
II)Datasets
The code assumes that the dataset is organized in the following directory structure:
dataset/train/: Directory containing training images divided into subdirectories for each class/person.
dataset/test/: Directory containing test images divided into subdirectories for each class/person.
dataset/validation/: Directory containing validation images divided into subdirectories for each class/person.
The dataset is labeled, with each subdirectory name (ID numbers) representing a different class/person.
Experimental setup
III) System Hardware used
● Processor: 64-bit, quad-core, 2.5 GHz minimum per core
● RAM: 4 GB or more.
● HDD: 10 GB of available space or more.
● Display: Dual XGA (1024 x 768) or higher resolution monitors.
● Camera: A detachable webcam.
● Keyboard: A standard keyboard
IV) Results
In Jupyter Notebook
Experimental setup
In User Interface
Experimental setup
V) Modal Evaluation
Experimental setup
V) Modal Evaluation
Experimental setup
Our Project
Deep-learning based group-photo
attendance System using One
Shot Learning
1)Accuracy 97% 80%
2)User Interface Yes No
3)Future Scope More Less
VI) Comparison
Conclusion
In this project, we developed a person classifier using deep learning techniques. We performed
preprocessing on the input images to detect faces using the dlib library and extracted the face
regions. The preprocessed images were then used to train a Convolutional Neural Network
(CNN) model. The model achieved a certain level of accuracy in classifying the persons
present in the images.
Future Scope
The future scope of our project includes implementing a system that captures pictures from a CCTV camera at
regular intervals, such as every 5 minutes. The objective is to identify the persons present in the classroom
based on their appearance in these images. To determine attendance, we can set a threshold of 85%
appearance for a person to be considered present.
Benefits
● Efficiency
● Accuracy
● Real-Time Monitoring
● Data Analysis
References
● [1] Keras : https://www.tensorflow.org/guide/keras
● [2] https://pyimagesearch.com/2018/06/18/face-recognition-with-opencv-python-and-deep-learning/
● [3] https://www.programcreek.com/python/example/103113/dlib.get_frontal_face_detector
● [4] Image to Gray Scale Image : https://ieeexplore.ieee.org/abstract/document/5445596
● [5] https://towardsdatascience.com/confusion-matrix-for-your-multi-class-machine-learning-model-
ff9aa3bf7826
● [6] https://neptune.ai/blog/performance-metrics-in-machine-learning-complete-guide
● [7] https://www.datacamp.com/tutorial/complete-guide-data-augmentation
Thank you

More Related Content

Similar to Automated_attendance_system_project.pptx

A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESA DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESPNandaSai
 
An Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionAn Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionIRJET Journal
 
Biometric Recognition using Deep Learning
Biometric Recognition using Deep LearningBiometric Recognition using Deep Learning
Biometric Recognition using Deep LearningSahithiKotha2
 
Attendance System using Facial Recognition
Attendance System using Facial RecognitionAttendance System using Facial Recognition
Attendance System using Facial RecognitionIRJET Journal
 
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...CSCJournals
 
17 icos2019(2)
17 icos2019(2)17 icos2019(2)
17 icos2019(2)arafah78
 
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
 
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningMakine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningAli Alkan
 
IRJET- Autonamy of Attendence using Face Recognition
IRJET- Autonamy of Attendence using Face RecognitionIRJET- Autonamy of Attendence using Face Recognition
IRJET- Autonamy of Attendence using Face RecognitionIRJET Journal
 
Development of an Automatic & Manual Class Attendance System using Haar Casca...
Development of an Automatic & Manual Class Attendance System using Haar Casca...Development of an Automatic & Manual Class Attendance System using Haar Casca...
Development of an Automatic & Manual Class Attendance System using Haar Casca...IRJET Journal
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET Journal
 
AUTOMATION OF ATTENDANCE USING DEEP LEARNING
AUTOMATION OF ATTENDANCE USING DEEP LEARNINGAUTOMATION OF ATTENDANCE USING DEEP LEARNING
AUTOMATION OF ATTENDANCE USING DEEP LEARNINGIRJET Journal
 
Real time Traffic Signs Recognition using Deep Learning
Real time Traffic Signs Recognition using Deep LearningReal time Traffic Signs Recognition using Deep Learning
Real time Traffic Signs Recognition using Deep LearningIRJET Journal
 
Avihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slidesAvihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slideswolf
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning AlgorithmIRJET Journal
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using BiometricsIRJET Journal
 

Similar to Automated_attendance_system_project.pptx (20)

A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESA DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
 
An Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionAn Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face Recognition
 
Biometric Recognition using Deep Learning
Biometric Recognition using Deep LearningBiometric Recognition using Deep Learning
Biometric Recognition using Deep Learning
 
Attendance System using Facial Recognition
Attendance System using Facial RecognitionAttendance System using Facial Recognition
Attendance System using Facial Recognition
 
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
 
Paper of Final Year Project.pdf
Paper of Final Year Project.pdfPaper of Final Year Project.pdf
Paper of Final Year Project.pdf
 
Word
WordWord
Word
 
17 icos2019(2)
17 icos2019(2)17 icos2019(2)
17 icos2019(2)
 
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...
 
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningMakine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
 
IRJET- Autonamy of Attendence using Face Recognition
IRJET- Autonamy of Attendence using Face RecognitionIRJET- Autonamy of Attendence using Face Recognition
IRJET- Autonamy of Attendence using Face Recognition
 
14. 23759.pdf
14. 23759.pdf14. 23759.pdf
14. 23759.pdf
 
Development of an Automatic & Manual Class Attendance System using Haar Casca...
Development of an Automatic & Manual Class Attendance System using Haar Casca...Development of an Automatic & Manual Class Attendance System using Haar Casca...
Development of an Automatic & Manual Class Attendance System using Haar Casca...
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
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: Survey
 
AUTOMATION OF ATTENDANCE USING DEEP LEARNING
AUTOMATION OF ATTENDANCE USING DEEP LEARNINGAUTOMATION OF ATTENDANCE USING DEEP LEARNING
AUTOMATION OF ATTENDANCE USING DEEP LEARNING
 
Real time Traffic Signs Recognition using Deep Learning
Real time Traffic Signs Recognition using Deep LearningReal time Traffic Signs Recognition using Deep Learning
Real time Traffic Signs Recognition using Deep Learning
 
Avihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slidesAvihu Efrat's Viola and Jones face detection slides
Avihu Efrat's Viola and Jones face detection slides
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning Algorithm
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using Biometrics
 

Recently uploaded

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
 
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
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girlsssuser7cb4ff
 
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
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
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
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
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
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerAnamika Sarkar
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 

Recently uploaded (20)

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
 
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
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girls
 
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
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
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
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
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
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
 
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
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 

Automated_attendance_system_project.pptx

  • 1. A UTOMATED ATTENDANCE SYSTEM AS G. NAVEEN SAI (N180674) B. MAHESH (N180565) S. HARSHITA (N180121) M. LAKSHMI (N180351) SK. FALAKNAAZ (N180255)
  • 2. Abstract Title: An Automated Attendance System Using Facial Recognition and Deep Learning Taking attendance manually in a classroom setting is time-consuming and prone to errors. To address these challenges, we propose an automated attendance system that utilizes facial recognition and deep learning algorithms to accurately track students' attendance. Our system captures a single picture of the classroom using a camera. Each student's face is detected and extracted from the image using computer vision techniques. Subsequently, a deep learning model trained on facial recognition algorithms is employed to match the extracted faces with known student identities. If a match is found with high confidence, the student's attendance is recorded. In conclusion, our mini project aims to design and develop an automated attendance system utilizing facial recognition and deep learning. This system offers a reliable, efficient, and accurate alternative to manual attendance taking.
  • 3. Introduction  Motivation for the work: • Manual attendance taking in classrooms is time-consuming and prone to errors. • Automation can significantly reduce the time and effort required for attendance tracking. • Facial recognition and deep learning provide a reliable and accurate method for identifying students.  Real-world Applications: • Educational Institutions: The system can be implemented in schools, colleges, and universities to streamline attendance management processes, reduce administrative burdens, and improve overall efficiency. • Corporate Environments: Companies can utilize the automated attendance system to track employees' presence, ensuring accurate payroll management and enhancing security measures. • Events and Conferences: The system can be employed in large-scale events to monitor participant attendance, optimize event planning, and provide valuable data for post-event analysis. By using facial recognition and deep learning, this project addresses the limitations of manual attendance tracking methods, offering an automated system that enhances classroom management, reduces errors, and promotes academic integrity.
  • 4. Related Works/Existing Works: RFID BIOMETRIC This system uses RFID tags attached to students' ID cards to track attendance. However, it requires students to physically tap their cards on a reader, which can be inconvenient and prone to errors if students forget to do so. This system utilizes fingerprint recognition to track attendance. While it provides accurate identification, it requires physical contact with the fingerprint scanner, making it less hygienic and time-consuming in larger classrooms. This system generates unique QR codes for each student, and they scan their codes using a smartphone app to mark their attendance. Smartphones and internet connectivity, which may not be feasible for all students. QR CODE 1) Few related works and their limitations:
  • 5. Related Works/Existing Works: 2) Research Gaps identified • Limited research on the integration of facial recognition and deep learning for attendance management in educational institutions. • Insufficient focus on addressing attendance fraud or impersonation attempts using advanced technologies. • Limited exploration of real-time attendance tracking using facial recognition and deep learning algorithms. • Inadequate studies on the scalability and performance of facial recognition systems for large classroom settings. By addressing these research gaps, we aim to contribute to the development of a robust, scalable, real-time, and ethically conscious automated attendance system using facial recognition and deep learning techniques.
  • 7. Proposed Method 1)Data Collection: We have prepared our own dataset specifically tailored for 5 sections. This dataset consists of images of each student, along with their corresponding unique IDs. The images were captured using and carefully labeled to associate each image with the respective student's ID. This enables us accurate identification and attendance tracking of individual students in the classroom. And the images are stored in train, test, and validation directories for training and testing. 2) Preprocessing: Before feeding the images into the model, preprocessing steps are performed to ensure that the data is in a suitable format for training. The preprocessing steps may involve converting the images to grayscale, resizing them to a consistent size, and normalizing pixel values. Additionally, the images are processed to detect and extract faces using the dlib library. 3) Building the Model: A CNN model is built using TensorFlow's Keras. The model architecture consists of convolutional layers, pooling layers, and fully connected layers. Each layer is added to the model using the add method of the Sequential class, and the output of each layer serves as the input to the next layer. These layers are defined to capture and learn the essential features and patterns present in the input images. II) Components in the flowchart
  • 8. Proposed Method 4) Training: Once the model is constructed, it is trained using the pre-processed training data. The training data is passed through the model iteratively for a specified number of epochs. During each epoch, the model updates its parameters based on the loss calculated between the predicted outputs and the ground truth labels. The goal of training is to optimize the model's parameters to accurately recognize and classify the input images. 5) Testing: After the model is trained, it is evaluated using the pre-processed testing data. The testing phase aims to assess the model's performance on unseen data. The images are passed through the trained model to obtain predictions. The predicted output is then compared to the known labels to measure the model's accuracy and performance.
  • 9. Proposed Method 1)Preprocessing • Import the required libraries (dlib, cv2, os). • Load the face detector and shape predictor models. • Define the input directories for preprocessing. • Loop over the input directories. • For each image file in the directories: • Load the image. • Convert the image to grayscale. • Detect faces in the image. • For each detected face: • Get the face landmarks. • Extract the face region. • Convert the face region to grayscale. • Save the preprocessed image with a new filename III) Algorithms
  • 10. Proposed Method 2)Training • Import the required libraries (tensorflow, keras). • Define the parameters for the model (image width, image height, num_channels, num_classes, batch_size, num_epochs). • Define the CNN model architecture using Sequential and various layers. • Compile the model with the desired optimizer, loss function, and metrics. • Define the paths to the training and validation directories. • Create data generators for training and validation data using ImageDataGenerator. • Train the model using the fit() function, specifying the training and validation data. • Save the trained model. 3)Testing • Extract each face from the group image and preprocess(face). • Iterate over the saved face images. • Load each image and resize it. • Predict the person in the test image using the loaded model. • Output the predicted person's name and ID. III) Algorithms
  • 11. Experimental setup I) Technologies and libraries used: • Python • OpenCV • Dlib • TensorFlow • Keras II)Datasets The code assumes that the dataset is organized in the following directory structure: dataset/train/: Directory containing training images divided into subdirectories for each class/person. dataset/test/: Directory containing test images divided into subdirectories for each class/person. dataset/validation/: Directory containing validation images divided into subdirectories for each class/person. The dataset is labeled, with each subdirectory name (ID numbers) representing a different class/person.
  • 12. Experimental setup III) System Hardware used ● Processor: 64-bit, quad-core, 2.5 GHz minimum per core ● RAM: 4 GB or more. ● HDD: 10 GB of available space or more. ● Display: Dual XGA (1024 x 768) or higher resolution monitors. ● Camera: A detachable webcam. ● Keyboard: A standard keyboard IV) Results In Jupyter Notebook
  • 16. Experimental setup Our Project Deep-learning based group-photo attendance System using One Shot Learning 1)Accuracy 97% 80% 2)User Interface Yes No 3)Future Scope More Less VI) Comparison
  • 17. Conclusion In this project, we developed a person classifier using deep learning techniques. We performed preprocessing on the input images to detect faces using the dlib library and extracted the face regions. The preprocessed images were then used to train a Convolutional Neural Network (CNN) model. The model achieved a certain level of accuracy in classifying the persons present in the images.
  • 18. Future Scope The future scope of our project includes implementing a system that captures pictures from a CCTV camera at regular intervals, such as every 5 minutes. The objective is to identify the persons present in the classroom based on their appearance in these images. To determine attendance, we can set a threshold of 85% appearance for a person to be considered present. Benefits ● Efficiency ● Accuracy ● Real-Time Monitoring ● Data Analysis
  • 19. References ● [1] Keras : https://www.tensorflow.org/guide/keras ● [2] https://pyimagesearch.com/2018/06/18/face-recognition-with-opencv-python-and-deep-learning/ ● [3] https://www.programcreek.com/python/example/103113/dlib.get_frontal_face_detector ● [4] Image to Gray Scale Image : https://ieeexplore.ieee.org/abstract/document/5445596 ● [5] https://towardsdatascience.com/confusion-matrix-for-your-multi-class-machine-learning-model- ff9aa3bf7826 ● [6] https://neptune.ai/blog/performance-metrics-in-machine-learning-complete-guide ● [7] https://www.datacamp.com/tutorial/complete-guide-data-augmentation