0% found this document useful (0 votes)
16 views6 pages

Drowsy Driver Detection System Using Computer Vision and Transfer Learning For Preventing Road Accidents

The document presents a study on a Drowsy Driver Detection System utilizing computer vision and transfer learning to enhance road safety by identifying driver fatigue in real-time. The system employs the InceptionV3 model for high accuracy in detecting drowsiness through facial recognition and eye tracking, achieving an accuracy of 95.46%. The goal is to reduce traffic accidents caused by drowsy driving by providing timely alerts to drivers based on their eye states.

Uploaded by

brandoncerejo39
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
16 views6 pages

Drowsy Driver Detection System Using Computer Vision and Transfer Learning For Preventing Road Accidents

The document presents a study on a Drowsy Driver Detection System utilizing computer vision and transfer learning to enhance road safety by identifying driver fatigue in real-time. The system employs the InceptionV3 model for high accuracy in detecting drowsiness through facial recognition and eye tracking, achieving an accuracy of 95.46%. The goal is to reduce traffic accidents caused by drowsy driving by providing timely alerts to drivers based on their eye states.

Uploaded by

brandoncerejo39
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 6

2024 IEEE International Conference on Blockchain and Distributed Systems Security (ICBDS)

Pune, India. Oct 17 - 19, 2024

Drowsy Driver Detection System using Computer


Vision and Transfer Learning for Preventing Road
Accidents
2024 IEEE International Conference on Blockchain and Distributed Systems Security (ICBDS) | 979-8-3503-5434-8/24/$31.00 ©2024 IEEE | DOI: 10.1109/ICBDS61829.2024.10837100

Naisargi Bagal Kashish Dingreja Atharva Atterkar


Department of Computer Science and Department of Computer Science and Department of Computer Science and
Engineering – Artificial Intelligence Engineering – Artificial Intelligence Engineering – Artificial Intelligence
Vishwakarma Institute of Information Vishwakarma Institute of Information Vishwakarma Institute of Information
Technolog Technology Technology
Pune, India Pune, India Pune, India
[email protected]
Anuradha Yenkikar
Prasad Bachhav Nilesh P. Sable Department of Computer Science and
Department of Computer Science and Department of Computer Science and Engineering – Artificial Intelligence
Engineering – Artificial Intelligence Engineering – Artificial Intelligence Vishwakarma Institute of Information
Vishwakarma Institute of Information Vishwakarma Institute of Information Technology
Technology Technology Pune, India
Pune, India Pune, India

Ritesh Alkunte
Department of Computer Science and
Engineering – Artificial Intelligence
Vishwakarma Institute of Information
Technology
Pune, India

Abstract— Major traffic accidents are attributed to driver increase in traffic accidents these days is tiredness. According
fatigue, according to study on the topic. Driver drowsiness is a to the report by “Ministry of Road Transport & Highways”
state in which the driver of a car is on the verge of falling asleep there were 4,552 accidents reported every year in India, that
or losing consciousness. It can be brought on by a number of took lives of thousands of people because of sleepy drivers.
variables, including biological, physical, psychological, and There are two effective methods for determining a person's
other factors, all of which can impede and inhibit safe driving. level of sleepiness. The driver's face is first photographed,
The several methods that can be applied to the implementation after which the blinking values are computed, the eye retina
of a system for the detection of driver sleepiness will be reviewed detection, facial feature extraction, and threshold values are
in this paper. Improving the ability to identify drowsiness in real
set. Second, the driver hand pressure on the car steering wheel
time through computer vision is the main objective of all
technologies. Thus, our work also pertains to the identification
is calculated in real-time and the threshold value is set using
of driver drowsiness, whereby a motorist's tiredness can be the Aurdino module, which is integrated with elastomeric
ascertained by first recognizing their face, followed by eye sensors. However, in this paper we are focusing on the first
tracking. The system compares the extracted eye image with the method only. The goal of this project is to create a real-time
dataset. The system used the dataset and predicts using transfer system for detecting driver drowsiness that can recognize
learning with our base model as InceptonV3 to identify that it symptoms of inattention in drivers and notify them to take
could alert the driver with an alarm if the driver's eyes were appropriate safety measures. The technology analyzes eye
closed for a predetermined amount of time, and it could resume movements and facial expressions using computer vision
monitoring if the driver's eyes were open following the alarm algorithms to find patterns that suggest tiredness. Various deep
alert. We established a score that grew if the eyes were closed learning models have been utilized in previous research to
and dropped if they were open. This study aims to reduce traffic achieve this goal. Our goal is to lower the number of incidents
accidents by solving the sleepiness detection problem with caused by sleepy driving and improve road safety by
InceptionV3 with an accuracy of 95.46% compare to 92.11% of incorporating this technology into cars or driver assistance.
VGG16.Thus, driving drowsiness detection—which assesses a The face detection technology breaks down a continuous
driver's degree of fatigue using facial recognition and eye video feed into individual frames while also recognizing the
tracking becomes the main focus of our research. eye condition. Preprocessing is applied to every frame to
guarantee uniform analysis. This could entail normalizing
Keywords— fatigue, computer vision, face recognition, eye
tracking, transfer learning, InceptionV3, VGG16, alarm alert,
pixel values for best processing, switching to grayscale for
score. improved contrast, or scaling for uniformity. Subsequently,
each frame is scanned by a pre-trained Haar cascade classifier,
I. INTRODUCTION which is renowned for its effectiveness in object detection, to
identify faces. The technology focuses on the ocular region of
Sleepiness when driving is a major contributing cause to
the recognized face if face detection is accomplished. This
major traffic accidents, according to studies on the topic.
process is made easier by the robust computer vision library
These days, it's been observed that the main reason for
OpenCV.
drowsiness when driving is weariness. The main cause of the

979-8-3503-5434-8/24/$31.00 ©2024 IEEE 1


Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.
The model training script and the real-time detection script A Real-Time Driver Drowsiness Detection System based
are the two primary parts of the driver drowsiness detection on Convolutional Neural Networks using the Inception V3
system. The TensorFlow and Keras libraries are used in the model is proposed in the paper in [1]. Its main method of
model training script to create and train a deep learning model detecting driver fatigue is eye state analysis, with an alarm set
for sleepiness detection. For feature extraction, we specifically off when appropriate. The collection most likely contains
use the InceptionV3 convolutional neural network facial motion data for drowsiness detection, such as eye
architecture, which has been pre- trained on ImageNet. A movements, head movements, yawning, and eye blinks. It
dataset of photos showing people in both awake and sleepy may also contain photos or videos of drivers' faces for analysis
phases is used to train the model, and data augmentation of their level of sleepiness. With CNNs assisting on the
techniques are used to increase robustness. We use Pygame for Inception V3 model, the goal of the measured outcome is real-
audio alerts and OpenCV for image processing and facial time detection of drowsiness based on eye state.
detection in the real- time detection script. Pre-trained cascade
classifiers are available from OpenCV to identify faces and In [2], a different method for detecting driver drowsiness
eyes in live webcam video feeds. In order to forecast in real time is demonstrated using transfer learning. In order
drowsiness, the system first detects faces, then it extracts the to detect drowsiness, this study uses the DenseNet model on
the MRL eye dataset, which consists of 84923 images.
region of interest that contains the eyes and runs it through the
trained deep learning model. Pygame is used to play an audio Because it can diagnose driver drowsiness with 91.56%
alarm to notify the driver if drowsiness is detected. The aim of accuracy, the DenseNet model is used. The emphasis is on
this project is to create an automated system for detecting using cameras to identify fatigue and send out timely alerts to
driver drowsiness. Specifically, it will assess how well the reduce the risk of accidents.
InceptionV3 deep learning model recognizes indicators of In order to identify driver sleepiness more accurately than
driving exhaustion or drowsiness. Our ultimate objective is to current techniques, an Automatic System for Driver sleepiness
improve road safety by lowering the likelihood of accidents Detection System utilizing Deep Learning is presented in [3].
brought on by intoxicated driving by giving drivers real-time Using the Eye Dataset, which is divided between closed and
alerts. open eyes, the study uses CNN, OpenCV, and transfer learning
techniques to examine drowsiness. The goal of the
Our contributions are-
measurement is to use CNN to detect driver drowsiness with
A. High Accuracy with InceptionV3 a precision of more than 87.4%.
Compared to other approaches, our effort is unique in that A unique model is proposed to outperform other transfer
it makes use of the InceptionV3 deep learning model, which learning algorithms in a Deep CNN Based Approach for
provides a higher level of accuracy in identifying patterns Driver Drowsiness Detection [4]. The work presents a two-
connected to sleepiness. Our technology delivers remarkable dimensional CNN-based classification model for drowsiness
results in real-time sleepiness detection by utilizing deep detection, comparing its performance with other transfer
learning, which guarantees prompt alerts to drivers and learning approaches like VGG-16 and ResNet-50, albeit the
improves overall road safety. dataset used is not stated explicitly. F1-score, recall, precision,
B. Custom Dataset Preparation and validation accuracy are among the outcomes that are
measured.
In contrast to numerous other methods that utilize generic
datasets, our study makes use of a specially produced and In [5], a CNN model is used to use deep learning for driver
annotated unique dataset for drowsiness detection. Images of drowsiness detection with the goal of improving the
people taken in a variety of lighting settings, sensor kinds, and classification of the driver's eye condition. For training, 48000
eye states are included in this dataset. Our approach pictures from the MRL eye dataset are used. The emphasis is
demonstrates robustness and adaptability by customizing the on attaining an accuracy of 86.05% in identifying closed eyes,
dataset to certain drowsiness detection conditions, which contributing to improved sleepiness detection systems, even
results in more dependable performance in real-world driving though the precise algorithm or software is not specified.
scenarios. In order to achieve an overall accuracy of 95%, the paper
C. Real-time Implementation and Alert System proposes a Driver Drowsiness Detection System using CNN
in [6]. Pictures obtained from a significant fraction of the MRL
Our project's real-time alert system and practical
eye dataset are used. Real-time facial landmark tracking
implementation are two of its strongest points. Our solution
makes use of computer vision techniques like dilatation, edge
provides a user-friendly interface and sends immediate alerts
detection, and grayscale conversion in conjunction with the
to drivers when it detects signs of tiredness by smoothly
Google MediaPipe Face mesh model. The outcome that is
integrating with TensorFlow, OpenCV, and Python. Our
being measured is the CNN model's 95% accuracy rate in
concept is unique because it takes a proactive approach to
identifying drowsiness.With 50 samples per image, an Eye
driving safety, which helps avoid accidents before they happen
Fatigue Algorithm for Driver Drowsiness Detection System is
and ultimately saves lives on the road.
proposed in [7] and achieves 92.5% accuracy in eyes open
II. LITERATURE SURVEY image detection. The collection includes 50 samples for
photos with and without eyes closed, as well as real-time video
The significance of driver drowsiness detection in data for the purpose of detecting drowsiness. To achieve
ensuring road safety cannot be overstated, especially given its precise detection, a variety of methods are used, including
role in preventing accidents and saving lives. Nearly 20 papers PERCLOS, CHT, and Viola-Jones.
were surveyed by us. The information gained from these
papers is given as follows:

2
Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.
Fig 1. Working of the detection system

III. PROPOSED METHOD D. Model Training


One of the most important projects to improve road safety The pre-trained weights from ImageNet are used to
is the driver drowsiness detection project, which aims to detect initialize the InceptionV3 backbone in the model architecture.
and notify drivers who show signs of exhaustion or sleepiness The final layers, which are made up of dropout, dense, and
in advance. To achieve this goal, a thorough analysis of two flattening layers, are adjusted for the particular classification
different deep learning models: InceptionV3 and VGG16, task. The categorical cross-entropy loss function and Adam
both used for object recognition and classification, has been optimizer are used to compile the model. During iterative
conducted. epochs, performance metrics like accuracy and loss are
optimized as part of the model training process. Furthermore,
A. Dataset: callbacks are used to track and enhance training progress,
Using the vast MRL Eye Dataset, the training and testing including model check pointing, early stopping, and learning
dataset was painstakingly sourced and constructed. This rate decrease. To evaluate the trained model's performance,
dataset, which consists of 84,898 infrared pictures of people's distinct datasets for testing, validation and training are used.
eyes taken in various lighting and equipment scenarios, is a E. Real time Implementation:
useful tool for evaluating features and evaluating trainable
classifiers. Using Python, TensorFlow, and OpenCV, the real-time
implementation of the drowsiness detection system is
B. Data Preparation painstakingly designed to maximize the power of these
The included Python script iterates through the dataset frameworks for effective image processing and facial
directory, skillfully classifying images into folders according recognition. Faces and eyes are recognized in real-time
to eye states. those with closed eyes are filed under one webcam feeds by using pretrained cascade classifiers from
directory, whereas those with open eyes are filed under OpenCV. This allows the region of interest containing the eyes
another. This careful categorization approach offers to be extracted.
supervised learning access to labeled data, expediting the
model training process. The trained deep learning models for sleepiness prediction
C. Preprocessing then receive this region as input. Pygame is used to detect
Preprocessing operations have been carefully carried out, drowsiness and generate auditory alerts, which effectively
including dataset organization, relevant characteristic notify the driver and reduce the likelihood of accidents caused
extraction, and data enrichment and augmentation by using by intoxicated driving.
rescale, rotate, shear, zoom and shifts, in order to guarantee
the robustness of the models. Moreover, each image has had Fig 1 shows the methodology used in this study. It includes
its metadata, such as subject ID, glasses status, eye state, the dataset used and data preparation by splitting it into open
reflection states, sensor ID, and lighting conditions, carefully and closed eye. The next steps are data preprocessing and
annotated to enable analysis and model training. modelling by transfer learning to achieve the required output.

3
Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.
IV. MODEL ARCHITECTURE computer vision library, is used to manage video capture and
Approaches used in the proposed model are explained as frame extraction, providing continuous monitoring. Detection
follows: of Faces and Eyes Using Haar Cascade Classifiers: After a
frame is captured, Haar Cascade Classifiers are used to detect
A. InceptionV3 faces and eyes. These classifiers are computationally efficient,
A number of essential elements are combined in the model enabling rapid identification of facial regions that are then
architecture of a drowsiness driver detection system that uses isolated for further processing.
InceptionV3 to ensure accurate and effective real-time driver D. Transfer learning with VGG16:
alertness monitoring. The system leverages Haar cascade
classifiers for initial facial and eye state recognition and After isolating the face and eye region, the system uses a
integrates OpenCV for real-time picture capture. These two pre-trained VGG16 model that uses transfer learning to tune
methods provide crucial input to the InceptionV3-based the model to detect drowsiness. This approach allows rapid
model. With this configuration, the system may focus on the adaptation of the basic model to identify fatigue-related
driver's face and eyes, which are the main signs of drowsiness, properties. The VGG16 architecture with stacked
and isolate crucial regions of interest (ROIs). We have used convolutions and pooling layers provides an easy way to
transfer Learning with InceptionV3 as illustrated in Fig 2. The extract important features from limited regions.
system employs a pre-trained InceptionV3 model, utilizing E. Feature extraction and classification using VGG16:
transfer learning to refine the model for sleepiness detection
A fine-tuned model, VGG16, processes the removed face
after separating the pertinent ROIs. This method extracts fine-
and eye regions to detect patterns that indicate sleepiness, such
grained features from the eye and face regions by utilizing as the degree of eye closure or facial muscle relaxation.
InceptionV3's deep architecture and inception modules. The Through consistent sequential convolutions and fusion,
cropped ROIs are processed by the improved InceptionV3 VGG16 can efficiently process these ROIs and create
model to extract important characteristics that point to meaningful map objects.
symptoms of fatigue. These characteristics include the tired-
looking state of the eyes (open or closed). A classification F. Classification with Keras and TensorFlow:
layer constructed using Keras, a high-level neural network The final classification layer is implemented with Keras,
toolkit coupled with TensorFlow, is a final component of the an advanced neural network framework integrated with
model design. This layer classifies the driver's state (e.g., alert TensorFlow. This layer uses extracted features from VGG16
or tired) using the characteristics extracted by InceptionV3. to classify the state of the driver as alert or sleepy. The
The final classification is usually produced using a softmax structure usually involves global averaging, which simplifies
activation function and global average pooling. Based on the feature maps for dense representation, and a softmax
classification results, the system triggers an audible activation function for multiclass classification.
alert(alarm), if drowsiness is detected. The real-time nature of
the system ensures that these alerts are issued promptly to G. Real-time alerts for drowsiness detection:
reduce the risk of accidents due to driver fatigue. The system output will trigger an alarm or other alarm
when drowsiness is detected. The linear structure and
controllable computing requirements of the VGG16 enable
the system to operate in real time and provide quick warnings
to reduce the risk of accidents due to driver fatigue.This model
architecture using the VGG16 to detect drowsiness provides a
simplified solution but a powerful alternative to InceptionV3.
It retains the critical features of real-time imaging, face and
eye state detection, and efficient transfer learning using
VGG16's uniform and simple convolutional layers for driver
attention classification.
H. Comparison of InceptionV3 and VGG16:
The unique requirements and limits will choose which of
the two sleepiness detection algorithms, InceptionV3 or
Fig 2. Transfer learning using InceptionV3 as basemodel VGG16, to use. The design of InceptionV3 is more intricate
and adaptable, including Inception modules that enable
B. VGG16 dimensionality reduction and parallel processing, which could
In order to create a driver detection system with VGG16, result in increased accuracy and computing efficiency. This
the model architecture must maintain similar properties while makes it appropriate for applications that require the
taking advantage of the simpler and more linear structure of acquisition of a wider variety of visual features and have
VGG16. This architecture replaces the InceptionV3 model access to computing resources. However, VGG16 offers a
with VGG16, another popular Convolutional Neural Network more straightforward, linear design that may require more
known for its deep but understandable design characterized by processing power due to its consecutive layers of 3x3
sequential 3x3 convolutional layers and 2x2 convergence convolutions and pooling. This makes it easier to understand
layers. The following describes an alternative model and change. VGG16 works best in situations where resource
architecture for sleep detection with VGG16: restrictions and simplicity are key considerations. While
VGG16 works well in settings that favor clarity and
C. Real-time image capture with OpenCV: adaptability, InceptionV3 may be a better option if you need
The system starts by capturing real-time video feeds from to strike a compromise between efficiency and accuracy.
a camera pointed at the driver's face. OpenCV, an open source

4
Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.
V. RESULTS
The exploratory data analysis, results of the proposed
model and comparative analysis are shown in following
section.

Fig 6. Comparison of evaluation metrics (F1 score, Recall, Precision) for


InceptionV3 and VGG16

Fig 3. Distribution of open and closed eyes in dataset

>ŽƐƐĂŶĚĐĐƵƌĂĐLJĨŽƌ/ŶĐĞƉƟŽŶs ϯ
ϭ Ϭ͘ϵϭϯϯ Ϭ͘ϵϰϴϵ
Ϭ͘ϴϵϲϯ Fig 8. Open eye state
Ϭ͘ϵ
Ϭ͘ϴ
Ϭ͘ϳ
Ϭ͘ϲ
Ϭ͘ϱ
Ϭ͘ϰ
Ϭ͘ϯ Ϭ͘Ϯϲϳϲ
Ϭ͘ϮϬϱϮ
Ϭ͘Ϯ Ϭ͘ϭϯϯϳϰ
Ϭ͘ϭ
Ϭ
dƌĂŝŶŝŶŐ sĂůŝĚĂƟŽŶ dĞƐƚ

>ŽƐƐ ĐĐƵƌĂĐLJ

Fig 4. Loss and accuracy for InceptionV3

Fig 9. Closed eye state and raising of alarm


ŽŵƉĂƌŝƐŝŽŶŽĨĂĐĐƵƌĂĐLJĂŶĚǀĂůŝĚĂƟŽŶůŽƐƐĨŽƌs''ϭϲ
ĂŶĚŝŶĐĞƉƟŽŶsϯ Fig 3 depicts the dataset with two classifications: open and
ϭ Ϭ͘ϵϰϴϵ Ϭ͘ϵϮϭϭ closed eyes. Fig 4 illustrates the validation loss and accuracy
Ϭ͘ϵ for the preferred model InceptionV3 Fig 5 and Fig 6 provide
Ϭ͘ϴ the comparison between InceptionV3 and VGG16 on basis of
Ϭ͘ϳ
Ϭ͘ϲ
accuracy, validation loss and accuracy metrics (F1score, recall
Ϭ͘ϱ and precision) respectively. It can be inferred from these
Ϭ͘ϰ comparisons that InceptionV3 is a better choice for base
Ϭ͘ϯ Ϭ͘ϮϬϰϯ model considering its efficiency and accuracy. Table 1
Ϭ͘Ϯ Ϭ͘ϭϯϯϳ
provides the cross comparison of proposed model with
Ϭ͘ϭ
Ϭ existing models.
s''ϭϲ /Ŷ ĐĞ Ɖ ƟŽ Ŷ sϯ
TABLE I. CROSS COMPARISON FOR EXISTING MODELS ON SAME
>ŽƐ Ɛ ĐĐƵƌĂ ĐLJ DATASET WITH OUR PROPOSED MODEL

Fig 5. Comparison of accuracy and validation loss for VGG16 and Ref.no. Dataset Used Accuracy
InceptionV3 [2] MRL eye 91.56%
[3] dataset of 87.4%
84923 images
[5] 86.05%
[7] 92.5%
Our proposed 95.46%
model

5
Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.
VI. CONCLUSION [10] D. R. S. Victoria and D. G. R. Mary, “Driver Drowsiness Monitoring
using Convolutional Neural Networks,” IEEE Xplore,Feb.01,2021.
In conclusion, the use of TensorFlow and OpenCV for https://ieeexplore.ieee.org/document/9397070/
drowsiness detection demonstrates how computer vision and [11] Ioana-Raluca Adochiei et al., “Drivers’ Drowsiness Detection and
machine learning may be applied to real-world safety issues. Warning Systems for Critical Infrastructures,” Oct.2020,doi:
These technologies offer an essential additional level of https://doi.org/10.1109/ehb50910.2020.9280165.
security in sectors like transportation and healthcare since they [12] M. Dua, Shakshi, R. Singla, S. Raj, and A. Jangra, “Deep CNN models-
can identify early indicators of sleepiness in real time. Future based ensemble approach to driver drowsiness detection,” Neural
Computing and Applications, Jul. 2020, doi:
advancements in drowsiness detection for drivers will focus https://doi.org/10.1007/s00521-020-05209-7.
on improving real-time processing with faster algorithms, [13] M. Ahmed, S. Masood, M. Ahmad, and A. A. A. El-Latif, “Intelligent
reducing false positives and negatives. Privacy concerns will Driver Drowsiness Detection for Traffic Safety Based on Multi CNN
be addressed with secure handling of facial data. Adaptive Deep Model and Facial Subsampling,” IEEE Transactions on
systems will enhance accuracy by accommodating individual Intelligent Transportation Systems, pp. 1–10, 2021, doi:
differences. Innovative neural network architectures will https://doi.org/10.1109/tits.2021.3134222.
improve understanding of video data. Data augmentation and [14] W. AlKishri, A. Abualkishik, and M. Al-Bahri, “Enhanced Image
Processing and Fuzzy Logic Approach for Optimizing Driver
transfer learning from large datasets will boost accuracy. Drowsiness Detection,” Applied Computational Intelligence and Soft
Human factors research will optimize systems for various Computing, vol. 2022, pp. 1–14, Mar. 2022, doi:
lighting, demographics, and environmental factors. https://doi.org/10.1155/2022/9551203.
Integrating drowsiness detection with Advanced Driver
Assistance Systems (ADAS) could lead to proactive alerts and
interventions, enhancing road safety. Through the use of
sophisticated neural network topologies and adaptive
algorithms, these technologies provide a reliable and effective
method of lowering the likelihood of accidents brought on by
driver weariness. Drowsiness detection systems can reduce
false positives and negatives by emphasizing efficiency and
precision, which increases their dependability for daily use.
Ultimately, these innovations represent a significant step
forward in promoting safety and reducing the risks associated
with drowsiness, creating a safer experience for drivers and
other stakeholders.
REFERENCES
[1] S. Ramesh, R. Jain, and Sanjay Tippannavar, “RTD3 – Real Time
Driver Drowsiness Detection System Using CNN on Inception V3
Model,” International journal of innovative research in advanced
engineering, vol. 10, no. 03, pp. 106–111, Mar.2023, doi:
https://doi.org/10.26562/ijirae.2023.v1003.09.
[2] N. Gupta, F. Khan, and B. Saini, “Real Time Driver Drowsiness
Detecion using Transfer learning,” Jan. 2023, doi:
https://doi.org/10.1109/icct56969.2023.10075913.
[3] Sasi Preetham Ch, Shanmanth Guduru, Vinay Ronagala, Harisudha
Kuresan, and Samiappan Dhanalakshmi, “Automatic System for
Driver Drowsiness Detection System using Deep Learning,” Jan.2023,
doi: https://doi.org/10.1109/iconat57137.2023.10080067.
[4] J. R and C. Jacob, “Deep CNN Based Approach for Driver Drowsiness
Detection,” IEEE Xplore, Dec. 01, 2022.
https://ieeexplore.ieee.org/document/10059547
[5] Y. Suresh, R. Khandelwal, M. Nikitha, M. Fayaz, and V. Soudhri,
“Driver Drowsiness Detection using Deep Learning,” 2021 2nd
International Conference on Smart Electronics and Communication
(ICOSEC), Oct. 2021, doi:
https://doi.org/10.1109/icosec51865.2021.9591957.
[6] Mohammad Elham Walizad, Mehreen Hurroo, and Divyashikha
Sethia, “Driver Drowsiness Detection System using Convolutional
Neural Network,” Apr. 2022, doi:
https://doi.org/10.1109/icoei53556.2022.9777182.
[7] P. Kumar and S. A. M, “Driver Behavior Analysis Using Deep
Learning,” 2022 International Conference on Computer
Communication and Informatics (ICCCI), Jan. 2022, doi:
https://doi.org/10.1109/iccci54379.2022.9740778.
[8] Farshad Farahnakian, Janika Leoste, and Fahimeh Farahnakian,
“Driver Drowsiness Detection Using Deep Convolutional Neural
Network,” 2021 International Conference on Electrical, Computer,
Communications and Mechatronics Engineering (ICECCME), Oct.
2021, doi: https://doi.org/10.1109/iceccme52200.2021.9591029.
[9] P. D. Purnamasari, A. Kriswoyo, A. A. P. Ratna, and D. Sudiana, “Eye
Based Drowsiness Detection System for Driver,” Journal of Electrical
Engineering & Technology, vol.17,no.1,pp.697–705,Oct.2021,doi:
https://doi.org/10.1007/s42835-021-00925-z.

6
Authorized licensed use limited to: MIT-World Peace University. Downloaded on February 19,2025 at 18:19:08 UTC from IEEE Xplore. Restrictions apply.

You might also like