SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1114
ROAD SIGN DETECTION USING CONVOLUTIONAL NEURAL NETWORK
(CNN)
Sowmiya1, Suvisesh. R2, Praveen. A3
1
Student ECE Dept. of Dr. Mahalingam College of Engineering and Tech, Tamil Nadu, India
2
Student ECE Dept. of Dr. Mahalingam College of Engineering and Tech, Tamil Nadu, India
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Automated tasks have simplified practically
everything we perform in today's world. Drivers often
miss signage on the side of the road in an effort to focus
on the road, which can be dangerous for them and
others. This issue may be avoided if there was a quick
way to alert the driver without requiring them to divert
their attention. Road sign detection is critical for
autonomous driving, traffic monitoring, and traffic
safety. In this paper, we suggest a method for detecting
and recognising road signs that uses Convolutional
Neural Networks (CNN) for sign recognition. Because
CNNs have a high recognition rate, they are ideal for a
variety of computer vision tasks. For the CNN's
implementation, TensorFlow is employed. In both
training and testing, we achieved greater than 95%
recognition accuracies for signs on the GTSRB data sets.
Key Words: GTSRB, CNN, Tensorflow, Computer vision
1. INTRODUCTION
Expert systems, such as traffic assistance driving
systems and automatic driving systems, rely heavily on
traffic sign detection and recognition.
It rapidly aids drivers or automated driving systems in
detecting and effectively recognising traffic signs.
The two basic categories of road traffic signs are main
signs and auxiliary signs. Warning signs, prohibition
signs, mandatory signs, guiding signs, tourist signs, and
road construction and safety signs are among the most
common types of signage. Prohibition signs were the
most common, and they were used to prohibit 43
different types of activity. Near the intersection,
mandatory signs identify the function of vehicles that
are put in the need to indicate vehicles. The purpose of
a warning is to advise vehicles and pedestrians to be
aware of potentially harmful situations. There are 45
different categories of targets. In traffic signs,they all
play a vital function. The most common speed limit
signs, as well as the restriction of left and right turning
signals, are extremely important for safe driving and
are thus the subject of current traffic sign recognition
study. It is a computer vision technique for locating
and identifying items in an image or video stream.
Despite the fact that the picture of the objects may vary
somewhat in different view-points, in many different
sizes and scales, or even when they are translated or
rotated, humans can recognise a large number of
things in photos with minimal effort. Even when
partially obscured from view, objects can be
recognised. We have presented a more accurate and
robust approach for the automatic detection and
recognition of traffic signs in a variety of challenging
settings and interruptions. The suggested system
employs Convolutional Neural Network (CNN)
architecture to learn features from traffic sign images
automatically. The built system is put to the test with
the German Traffic Sign Recognition Dataset (GTSRB),
which contains a massive collection of traffic sign
images divided into 43 categories.
2. LITERATURE SURVEY
"Evaluation of Robust Spatial Pyramid Pooling Based on
Convolutional Neural Network for Traffic Sign
Recognition System," by Chirstinedewi et al (2020). Due
to the lack of a database or study infrastructure for
Taiwanese traffic sign identification, this work
concentrates on Taiwan's prohibitory sign. The mean
average precision (mAP), workspace size, detection
time, intersection over union (IoU), and the number of
billion floating-point operations are all important
variables to examine while observing and evaluating
particular models (BFLOPS).
Hongwei Dong and colleagues (2019) suggested a
design for "Densely Connected Convolutional Neural
Network Based Polarimetric SAR Image Classification," a
revolutionary classification method for polarimetric
SAR images based on a new deep learning methodology
called Dense Net. To achieve polarimetric SAR image
classification, a 20-layer Dense Net (with 3 dense block
and 2 transition layers) is created. While automatically
extracting high-level features and performing pixel-wise
multi-class classification, the suggested method
effectively prevents gradient disappear and overfitting
by reuse.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1115
GulcanYildiz and Bekir Dizdaroglu developed a design for
"Traffic Sign Recognition through Transfer Learning
Using Convolutional Neural Network Models" (2020). The
ImageNet database was used to run the processes on pre-
trained convolutional neural network models. Then, for
10 classes in the GTSRB database, the recognition process
was carried out. VGG19, Res Net, Mobile Net, and
Xception are the models employed in this study. When
the results are compared, it is clear that the Mobile Net
model achieves the highest accuracy value.
Vaibhav Swaminathan and colleagues (2019) suggested
a revolutionary "Autonomous Driving System with Road
Sign Recognition Using Convolutional Neural Networks."
This entails appropriately identifying, classifying, and
responding to traffic signs that an automated vehicle
may encounter. In this study, an attempt is made to
construct such a system by employing image recognition
to record traffic signs, correctly classifying them using a
Convolutional Neural Network, and responding to them
in real-time via an Arduino-controlled autonomous
automobile. Various experiments were conducted using
the Belgium Traffic Signs dataset to examine the
performance of this traffic sign recognition system, and
this approach attained an accuracy of 83.7 percent.
Traffic Sign Detection Using Template Matching
Technique" was given by Pranjali Pandey and Ramesh
Kulkarni (2018).Along the side of the road, there are
traffic signs. The system selects and learns the object of
interest, a traffic sign board, and then detects where the
Region of Interest is in the form of a green-yellow
bounding box. The system gets notified when the item
reappears, that is, after the current frame has passed.
The output is given both in audio as well as in display
message format. This mix of outputs allows the driver to
maintain vigilance.
3. BLOCK DIAGRAM
Images from a labelled training dataset are first
subjected to a series of preprocessing procedures,
after which the processed images are sent to a CNN
architecture, which learns the features from the images
automatically. The learnt model is then saved for testing,
during which unlabeled test images are preprocessed
and sent to the model for classification.
4. DATASET IDENTIFICATION
We used the GTSRB dataset from Kaggle for our study.
One directory per class containing one CSV file with
annotations ("GT-ClassID>.csv") and the training images
grouped by tracks containing 30 images of one single
physical traffic sign
The German Traffic Sign Recognition Dataset (GTSRB) is
an image classification dataset with images of traffic
signs containing 43 different traffic sign classes
containing 39,209 labeled imagesand 12,630 unlabeled
images.
5. PREPROCESSING
Image preprocessing refers to a set of procedures for
formatting images in order to turn them into a format
that can be utilized to train the learning model. Both
training and test sets are subjected to these
preprocessing processes. To prepare picture data for
model input, preprocessing is required.
The fully connected layers in a CNN architecture, for
example, demand that all of the images be of the same
size arrays. The preprocessing phases in our suggested
system are as follows:
Splitting the train set for validation and resize the image
Encoding done in single step
6. RESIZING OF IMAGES
Because neural networks receive inputs of the same
size, resizing is necessary. As a result, all images must be
resized to a consistent size. The time it takes for the
learning algorithm to learn can be considerably
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1116
decreased if the photographs are shrunk to a smaller
size. All of the photographs in our system are reduced to
a resolution of 30 X 30 pixels.
7. TRAIN-TEST SPLIT
The separation of the training data set into train and
validation data sets is the second stage in the
preprocessing. The accuracy of the learning algorithm
can be validated before moving on to the real testing
phase by using a fraction of the training data for
validation. This stage is primarily used to check for data
overfitting. In our approach, we examine 20% of the
training dataset for validation
8. ONE-HOT ENCODING
Categorical data consists of variables with label values
rather than numeric values. Many machine learning
algorithms are unable to operate directly on label data.
They demand that all input and output variables be
numeric. One-hot encoding is a common technique that
works well unless the category values include a
significant number of variables. One hot encoding
generates new binary columns, one for each potential
value from the original data. One-shot encoding in action
Label Encoding
Label Category
Red 1
Blue 2
Green 3
Yellow 4
Yellow 4
.
9. RESULTS AND DISCUSSION
In our project preprocessing is important role in the
dataset. Preprocessing is used to read and resize the
image to improve the quality of the image We have a
GTSRB dataset in this data set we have 39209 images in
these images are in different dimensions. So, we resize
the dataset images dimension of 30x30x3 for our
convenience.
RESIZED IMAGES
One-Hot Encoding
Red Blue Green Yellow
1 0 0 0
0 1 0 0
0 0 1 0
0 0 0 1
Resizing image Dimension 30x30
Total images 39209
Training validation images 80%=26579
Testing validation images 20%=12630
LAYER(TYPE) OUTPUT SHAPE PARAM#
conv2d (Conv2D) (None,26,26,32) 2432
conv2d_1(Conv2D)
(MaxPooling2D)
dropout_1(Dropout)
flatten(Flatten)
dense(Dense)
dropout_2(Dropout)
dense_1(Dense)
None,22,22,32)
(None,11,11,32)
(None,3,3,64)
(None, 576)
(None, 256)
(None, 256)
(None, 43)
25632
0
0
0
147712
0
11051
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1117
Neural Network Output
Total params: 242,251
Trainable params: 242,251
Non-trainable params: 0
After data preprocessing is to read and resize the
image the second step is to split the training data set
for train and testing data set for test. We have taken
80% for training and 20% for testing in our project
road sign detection and we get accuracy from
training and validation loss.
Finally, we get the output of Training accuracy and
Validation accuracy is 98.93% and 94.32% with loss ,
when we increase the training and validation accuracy
and loss will be decreased.
10. CONCLUSION
In the proposed work we use to know about
convolutional neural networks and how they can be
used in neural image recognition. We made a traffic sign
recognizer with the use of convolutional neural
networks by splitting up images into two categories as
testing and training validations. In this implementation,
we fixed 15 epocs for execution and got an accuracy of
94.32% in testing validation (20%) and98.93% in
training validation (80%). This type of road sign
detection is advisable for future use in autonomic self-
driving cars systems.
REFERENCES
[1] H. S. Lee, & K. Kim, “Simultaneous Traffic Sign
Detection and Boundary Estimation Using Convolutional
Neural Network”, vol. 19, no. 5, pp. 1652-1663, 2018
[2] Y. Yang, H. Luo, H. Xu, and F. Wu, “Towards Real-
Time Traffic Sign Detection and Classification”, Vol. 17,
no. 7, pp. 2022-2031, 2016
[3] Yuan Yuan, ZhitongXiong, Qi Wang, "An Incremental
Framework for Video-Based Traffic Sign Detection
Tracking and Recognition", vol. 18, no. 7, pp. 1918-1929,
2017
[4] Dongdong Wang, XinwenHou, JiaweiXu, ShigangYue,
Cheng-Lin Liu, "Traffic Sign Detection Using a Cascade
Method with Fast Feature Extraction and Saliency Test",
vol. 18, no. 12, pp. 3290-3302, 2017
[5] HengliangLuo, Yi Yang, Bei Tong, Fuchao Wu, Bin Fan,
"Traffic Sign Recognition Using a Multi-Task
Convolutional Neural Network", vol. 19, no. 4, pp. 1100-
1111, 2018.
[6] Jia Li, Zengfu Wang, "Real-Time Traffic Sign
Recognition Based on Efficient CNNs in the Wild", vol.20,
no. 3, pp. 975-984, 2019.
[7] CY Wang, "Research and application of traffic sign
detection and recognition based on deep learning",2018.
[8] T Chen and S Lu, "Accurate and Efficient Traffic Sign
Detection Using Discriminative Adaboost and Support
Vector Regression", vol. 65, no. 6, pp. 4006-4015, 2016.
[9] M Xing, M Chunyang, W Yan et al., "Traffic sign
detection and recognition using color standardization
and Zernike moments", 2016.
[10] Y. L. Pierre Sermanet, "Traffic sign recognition
with multiscale convolutional networks",pp. 2809-
2813, 2011.
S.NO TOTAL IMAGES
(39209)
ACCURACY LOSS
1 Training images
(80%=26579)
98.93 0.1776
2 Testing images
(20%=12630)
94.32
0.1296

More Related Content

What's hot

Intelligent Transportation System (ITS)
Intelligent Transportation System (ITS)Intelligent Transportation System (ITS)
Intelligent Transportation System (ITS)Jonathan D'Cruz
 
Traffic signal control management based on integrating GIS and WSN technology
Traffic signal control management based on integrating GIS and WSN technologyTraffic signal control management based on integrating GIS and WSN technology
Traffic signal control management based on integrating GIS and WSN technologykrushna kotgire
 
Vehicle access control using anpr
Vehicle access control using anprVehicle access control using anpr
Vehicle access control using anprtechlead-india
 
Smart traffic management system
Smart traffic management systemSmart traffic management system
Smart traffic management systemChirag Dalal
 
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision Detection...
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision  Detection...Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision  Detection...
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision Detection...K S RANJITH KUMAR
 
Traffic sign detection via graph based ranking and segmentation
Traffic sign detection via graph based ranking and segmentationTraffic sign detection via graph based ranking and segmentation
Traffic sign detection via graph based ranking and segmentationPREMSAI CHEEDELLA
 
Automatic Number Plate Recognition (ANPR)
Automatic Number Plate Recognition (ANPR)Automatic Number Plate Recognition (ANPR)
Automatic Number Plate Recognition (ANPR)Vidyut Singhania
 
Scheduling of BEST bus
Scheduling of BEST busScheduling of BEST bus
Scheduling of BEST busBhavin Mehta
 
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDA
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDAAUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDA
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDAMuhammed Sahal c
 
Speed Detecting Camera by Kandarp Tiwari
Speed Detecting Camera by Kandarp TiwariSpeed Detecting Camera by Kandarp Tiwari
Speed Detecting Camera by Kandarp TiwariKandarp Tiwari
 
Intelligent Transportation System Modified
Intelligent Transportation System ModifiedIntelligent Transportation System Modified
Intelligent Transportation System ModifiedDurgesh Mishra
 
Computer Vision for Traffic Sign Recognition
Computer Vision for Traffic Sign RecognitionComputer Vision for Traffic Sign Recognition
Computer Vision for Traffic Sign Recognitionthevijayps
 
Smart Waste Management System
Smart Waste Management SystemSmart Waste Management System
Smart Waste Management Systemijtsrd
 
Offline signature verification based on geometric feature extraction using ar...
Offline signature verification based on geometric feature extraction using ar...Offline signature verification based on geometric feature extraction using ar...
Offline signature verification based on geometric feature extraction using ar...Cen Paul
 
Final Project presentation on Image processing based intelligent traffic cont...
Final Project presentation on Image processing based intelligent traffic cont...Final Project presentation on Image processing based intelligent traffic cont...
Final Project presentation on Image processing based intelligent traffic cont...Louise Antonio
 
intelligent transport system bgsbu coet
intelligent transport system bgsbu coetintelligent transport system bgsbu coet
intelligent transport system bgsbu coetjunaid bashir
 
intelligent transport systems
intelligent transport systemsintelligent transport systems
intelligent transport systemsAnkit Kansotia
 
Real time detecting driver’s drowsiness using computer vision
Real time detecting driver’s drowsiness using computer visionReal time detecting driver’s drowsiness using computer vision
Real time detecting driver’s drowsiness using computer visioneSAT Publishing House
 
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACH
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACHVEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACH
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACHJANAK TRIVEDI
 

What's hot (20)

Intelligent Transportation System (ITS)
Intelligent Transportation System (ITS)Intelligent Transportation System (ITS)
Intelligent Transportation System (ITS)
 
Traffic signal control management based on integrating GIS and WSN technology
Traffic signal control management based on integrating GIS and WSN technologyTraffic signal control management based on integrating GIS and WSN technology
Traffic signal control management based on integrating GIS and WSN technology
 
Vehicle access control using anpr
Vehicle access control using anprVehicle access control using anpr
Vehicle access control using anpr
 
Smart traffic management system
Smart traffic management systemSmart traffic management system
Smart traffic management system
 
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision Detection...
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision  Detection...Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision  Detection...
Semi Autonomous Vehicle For Pot Hole, Humps And Possible Collision Detection...
 
Traffic sign detection via graph based ranking and segmentation
Traffic sign detection via graph based ranking and segmentationTraffic sign detection via graph based ranking and segmentation
Traffic sign detection via graph based ranking and segmentation
 
Automatic Number Plate Recognition (ANPR)
Automatic Number Plate Recognition (ANPR)Automatic Number Plate Recognition (ANPR)
Automatic Number Plate Recognition (ANPR)
 
Scheduling of BEST bus
Scheduling of BEST busScheduling of BEST bus
Scheduling of BEST bus
 
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDA
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDAAUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDA
AUTOMATIC CAR LICENSE PLATE RECOGNITION USING VEDA
 
Speed Detecting Camera by Kandarp Tiwari
Speed Detecting Camera by Kandarp TiwariSpeed Detecting Camera by Kandarp Tiwari
Speed Detecting Camera by Kandarp Tiwari
 
Intelligent Transportation System Modified
Intelligent Transportation System ModifiedIntelligent Transportation System Modified
Intelligent Transportation System Modified
 
Computer Vision for Traffic Sign Recognition
Computer Vision for Traffic Sign RecognitionComputer Vision for Traffic Sign Recognition
Computer Vision for Traffic Sign Recognition
 
Smart Waste Management System
Smart Waste Management SystemSmart Waste Management System
Smart Waste Management System
 
Autonomous car
Autonomous carAutonomous car
Autonomous car
 
Offline signature verification based on geometric feature extraction using ar...
Offline signature verification based on geometric feature extraction using ar...Offline signature verification based on geometric feature extraction using ar...
Offline signature verification based on geometric feature extraction using ar...
 
Final Project presentation on Image processing based intelligent traffic cont...
Final Project presentation on Image processing based intelligent traffic cont...Final Project presentation on Image processing based intelligent traffic cont...
Final Project presentation on Image processing based intelligent traffic cont...
 
intelligent transport system bgsbu coet
intelligent transport system bgsbu coetintelligent transport system bgsbu coet
intelligent transport system bgsbu coet
 
intelligent transport systems
intelligent transport systemsintelligent transport systems
intelligent transport systems
 
Real time detecting driver’s drowsiness using computer vision
Real time detecting driver’s drowsiness using computer visionReal time detecting driver’s drowsiness using computer vision
Real time detecting driver’s drowsiness using computer vision
 
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACH
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACHVEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACH
VEHICLE CLASSIFICATION USING THE CONVOLUTION NEURAL NETWORK APPROACH
 

Similar to ROAD SIGN DETECTION USING CONVOLUTIONAL NEURAL NETWORK (CNN)

Traffic Sign Recognition Model
Traffic Sign Recognition ModelTraffic Sign Recognition Model
Traffic Sign Recognition ModelIRJET Journal
 
IRJET- Traffic Sign Detection, Recognition and Notification System using ...
IRJET-  	  Traffic Sign Detection, Recognition and Notification System using ...IRJET-  	  Traffic Sign Detection, Recognition and Notification System using ...
IRJET- Traffic Sign Detection, Recognition and Notification System using ...IRJET Journal
 
Vision-Based Motorcycle Crash Detection and Reporting Using Deep Learning
Vision-Based Motorcycle Crash Detection and Reporting Using Deep LearningVision-Based Motorcycle Crash Detection and Reporting Using Deep Learning
Vision-Based Motorcycle Crash Detection and Reporting Using Deep LearningIRJET Journal
 
IRJET- A Deep Learning based Approach for Automatic Detection of Bike Rid...
IRJET-  	  A Deep Learning based Approach for Automatic Detection of Bike Rid...IRJET-  	  A Deep Learning based Approach for Automatic Detection of Bike Rid...
IRJET- A Deep Learning based Approach for Automatic Detection of Bike Rid...IRJET Journal
 
A Transfer Learning Approach to Traffic Sign Recognition
A Transfer Learning Approach to Traffic Sign RecognitionA Transfer Learning Approach to Traffic Sign Recognition
A Transfer Learning Approach to Traffic Sign RecognitionIRJET Journal
 
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...IRJET Journal
 
A Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage MakerA Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage Makerijtsrd
 
Distracted Driver Detection
Distracted Driver DetectionDistracted Driver Detection
Distracted Driver DetectionIRJET Journal
 
Traffic sign recognition and detection using SVM and CNN
Traffic sign recognition and detection using SVM and CNNTraffic sign recognition and detection using SVM and CNN
Traffic sign recognition and detection using SVM and CNNIRJET Journal
 
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...Implementation of Lane Line Detection using HoughTransformation and Gaussian ...
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...IRJET Journal
 
Automatic Detection of Unexpected Accidents Monitoring Conditions in Tunnels
Automatic Detection of Unexpected Accidents Monitoring Conditions in TunnelsAutomatic Detection of Unexpected Accidents Monitoring Conditions in Tunnels
Automatic Detection of Unexpected Accidents Monitoring Conditions in TunnelsIRJET Journal
 
IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep LearningIRJET Journal
 
Noise Removal in Traffic Sign Detection Systems
Noise Removal in Traffic Sign Detection SystemsNoise Removal in Traffic Sign Detection Systems
Noise Removal in Traffic Sign Detection SystemsCSEIJJournal
 
IRJET- Traffic Sign Classification and Detection using Deep Learning
IRJET- Traffic Sign Classification and Detection using Deep LearningIRJET- Traffic Sign Classification and Detection using Deep Learning
IRJET- Traffic Sign Classification and Detection using Deep LearningIRJET Journal
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGIRJET Journal
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETIRJET Journal
 
IRJET - Efficient Approach for Number Plaque Accreditation System using W...
IRJET -  	  Efficient Approach for Number Plaque Accreditation System using W...IRJET -  	  Efficient Approach for Number Plaque Accreditation System using W...
IRJET - Efficient Approach for Number Plaque Accreditation System using W...IRJET Journal
 
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...IRJET Journal
 
IRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET Journal
 
Identifying Parking Spots from Surveillance Cameras using CNN
Identifying Parking Spots from Surveillance Cameras using CNNIdentifying Parking Spots from Surveillance Cameras using CNN
Identifying Parking Spots from Surveillance Cameras using CNNIRJET Journal
 

Similar to ROAD SIGN DETECTION USING CONVOLUTIONAL NEURAL NETWORK (CNN) (20)

Traffic Sign Recognition Model
Traffic Sign Recognition ModelTraffic Sign Recognition Model
Traffic Sign Recognition Model
 
IRJET- Traffic Sign Detection, Recognition and Notification System using ...
IRJET-  	  Traffic Sign Detection, Recognition and Notification System using ...IRJET-  	  Traffic Sign Detection, Recognition and Notification System using ...
IRJET- Traffic Sign Detection, Recognition and Notification System using ...
 
Vision-Based Motorcycle Crash Detection and Reporting Using Deep Learning
Vision-Based Motorcycle Crash Detection and Reporting Using Deep LearningVision-Based Motorcycle Crash Detection and Reporting Using Deep Learning
Vision-Based Motorcycle Crash Detection and Reporting Using Deep Learning
 
IRJET- A Deep Learning based Approach for Automatic Detection of Bike Rid...
IRJET-  	  A Deep Learning based Approach for Automatic Detection of Bike Rid...IRJET-  	  A Deep Learning based Approach for Automatic Detection of Bike Rid...
IRJET- A Deep Learning based Approach for Automatic Detection of Bike Rid...
 
A Transfer Learning Approach to Traffic Sign Recognition
A Transfer Learning Approach to Traffic Sign RecognitionA Transfer Learning Approach to Traffic Sign Recognition
A Transfer Learning Approach to Traffic Sign Recognition
 
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...
Lane Detection and Traffic Sign Recognition using OpenCV and Deep Learning fo...
 
A Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage MakerA Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage Maker
 
Distracted Driver Detection
Distracted Driver DetectionDistracted Driver Detection
Distracted Driver Detection
 
Traffic sign recognition and detection using SVM and CNN
Traffic sign recognition and detection using SVM and CNNTraffic sign recognition and detection using SVM and CNN
Traffic sign recognition and detection using SVM and CNN
 
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...Implementation of Lane Line Detection using HoughTransformation and Gaussian ...
Implementation of Lane Line Detection using HoughTransformation and Gaussian ...
 
Automatic Detection of Unexpected Accidents Monitoring Conditions in Tunnels
Automatic Detection of Unexpected Accidents Monitoring Conditions in TunnelsAutomatic Detection of Unexpected Accidents Monitoring Conditions in Tunnels
Automatic Detection of Unexpected Accidents Monitoring Conditions in Tunnels
 
IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep Learning
 
Noise Removal in Traffic Sign Detection Systems
Noise Removal in Traffic Sign Detection SystemsNoise Removal in Traffic Sign Detection Systems
Noise Removal in Traffic Sign Detection Systems
 
IRJET- Traffic Sign Classification and Detection using Deep Learning
IRJET- Traffic Sign Classification and Detection using Deep LearningIRJET- Traffic Sign Classification and Detection using Deep Learning
IRJET- Traffic Sign Classification and Detection using Deep Learning
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
IRJET - Efficient Approach for Number Plaque Accreditation System using W...
IRJET -  	  Efficient Approach for Number Plaque Accreditation System using W...IRJET -  	  Efficient Approach for Number Plaque Accreditation System using W...
IRJET - Efficient Approach for Number Plaque Accreditation System using W...
 
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...
Traffic Sign Board Detection and Recognition using Convolutional Neural Netwo...
 
IRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring System
 
Identifying Parking Spots from Surveillance Cameras using CNN
Identifying Parking Spots from Surveillance Cameras using CNNIdentifying Parking Spots from Surveillance Cameras using CNN
Identifying Parking Spots from Surveillance Cameras using CNN
 

More from IRJET Journal

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

More from IRJET Journal (20)

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

Recently uploaded

scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...HenryBriggs2
 
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Call Girls Mumbai
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptxJIT KUMAR GUPTA
 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxJuliansyahHarahap1
 
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
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
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)
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityMorshed Ahmed Rahath
 
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
 
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
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapRishantSharmaFr
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaOmar Fathy
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.Kamal Acharya
 
kiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadkiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadhamedmustafa094
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTbhaskargani46
 
Engineering Drawing focus on projection of planes
Engineering Drawing focus on projection of planesEngineering Drawing focus on projection of planes
Engineering Drawing focus on projection of planesRAJNEESHKUMAR341697
 
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptx
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptxA CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptx
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptxmaisarahman1
 
Block diagram reduction techniques in control systems.ppt
Block diagram reduction techniques in control systems.pptBlock diagram reduction techniques in control systems.ppt
Block diagram reduction techniques in control systems.pptNANDHAKUMARA10
 

Recently uploaded (20)

scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
 
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptx
 
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
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
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...
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna Municipality
 
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
 
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced LoadsFEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
 
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
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leap
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS Lambda
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.
 
kiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadkiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal load
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
Engineering Drawing focus on projection of planes
Engineering Drawing focus on projection of planesEngineering Drawing focus on projection of planes
Engineering Drawing focus on projection of planes
 
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptx
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptxA CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptx
A CASE STUDY ON CERAMIC INDUSTRY OF BANGLADESH.pptx
 
Block diagram reduction techniques in control systems.ppt
Block diagram reduction techniques in control systems.pptBlock diagram reduction techniques in control systems.ppt
Block diagram reduction techniques in control systems.ppt
 

ROAD SIGN DETECTION USING CONVOLUTIONAL NEURAL NETWORK (CNN)

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1114 ROAD SIGN DETECTION USING CONVOLUTIONAL NEURAL NETWORK (CNN) Sowmiya1, Suvisesh. R2, Praveen. A3 1 Student ECE Dept. of Dr. Mahalingam College of Engineering and Tech, Tamil Nadu, India 2 Student ECE Dept. of Dr. Mahalingam College of Engineering and Tech, Tamil Nadu, India ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Automated tasks have simplified practically everything we perform in today's world. Drivers often miss signage on the side of the road in an effort to focus on the road, which can be dangerous for them and others. This issue may be avoided if there was a quick way to alert the driver without requiring them to divert their attention. Road sign detection is critical for autonomous driving, traffic monitoring, and traffic safety. In this paper, we suggest a method for detecting and recognising road signs that uses Convolutional Neural Networks (CNN) for sign recognition. Because CNNs have a high recognition rate, they are ideal for a variety of computer vision tasks. For the CNN's implementation, TensorFlow is employed. In both training and testing, we achieved greater than 95% recognition accuracies for signs on the GTSRB data sets. Key Words: GTSRB, CNN, Tensorflow, Computer vision 1. INTRODUCTION Expert systems, such as traffic assistance driving systems and automatic driving systems, rely heavily on traffic sign detection and recognition. It rapidly aids drivers or automated driving systems in detecting and effectively recognising traffic signs. The two basic categories of road traffic signs are main signs and auxiliary signs. Warning signs, prohibition signs, mandatory signs, guiding signs, tourist signs, and road construction and safety signs are among the most common types of signage. Prohibition signs were the most common, and they were used to prohibit 43 different types of activity. Near the intersection, mandatory signs identify the function of vehicles that are put in the need to indicate vehicles. The purpose of a warning is to advise vehicles and pedestrians to be aware of potentially harmful situations. There are 45 different categories of targets. In traffic signs,they all play a vital function. The most common speed limit signs, as well as the restriction of left and right turning signals, are extremely important for safe driving and are thus the subject of current traffic sign recognition study. It is a computer vision technique for locating and identifying items in an image or video stream. Despite the fact that the picture of the objects may vary somewhat in different view-points, in many different sizes and scales, or even when they are translated or rotated, humans can recognise a large number of things in photos with minimal effort. Even when partially obscured from view, objects can be recognised. We have presented a more accurate and robust approach for the automatic detection and recognition of traffic signs in a variety of challenging settings and interruptions. The suggested system employs Convolutional Neural Network (CNN) architecture to learn features from traffic sign images automatically. The built system is put to the test with the German Traffic Sign Recognition Dataset (GTSRB), which contains a massive collection of traffic sign images divided into 43 categories. 2. LITERATURE SURVEY "Evaluation of Robust Spatial Pyramid Pooling Based on Convolutional Neural Network for Traffic Sign Recognition System," by Chirstinedewi et al (2020). Due to the lack of a database or study infrastructure for Taiwanese traffic sign identification, this work concentrates on Taiwan's prohibitory sign. The mean average precision (mAP), workspace size, detection time, intersection over union (IoU), and the number of billion floating-point operations are all important variables to examine while observing and evaluating particular models (BFLOPS). Hongwei Dong and colleagues (2019) suggested a design for "Densely Connected Convolutional Neural Network Based Polarimetric SAR Image Classification," a revolutionary classification method for polarimetric SAR images based on a new deep learning methodology called Dense Net. To achieve polarimetric SAR image classification, a 20-layer Dense Net (with 3 dense block and 2 transition layers) is created. While automatically extracting high-level features and performing pixel-wise multi-class classification, the suggested method effectively prevents gradient disappear and overfitting by reuse.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1115 GulcanYildiz and Bekir Dizdaroglu developed a design for "Traffic Sign Recognition through Transfer Learning Using Convolutional Neural Network Models" (2020). The ImageNet database was used to run the processes on pre- trained convolutional neural network models. Then, for 10 classes in the GTSRB database, the recognition process was carried out. VGG19, Res Net, Mobile Net, and Xception are the models employed in this study. When the results are compared, it is clear that the Mobile Net model achieves the highest accuracy value. Vaibhav Swaminathan and colleagues (2019) suggested a revolutionary "Autonomous Driving System with Road Sign Recognition Using Convolutional Neural Networks." This entails appropriately identifying, classifying, and responding to traffic signs that an automated vehicle may encounter. In this study, an attempt is made to construct such a system by employing image recognition to record traffic signs, correctly classifying them using a Convolutional Neural Network, and responding to them in real-time via an Arduino-controlled autonomous automobile. Various experiments were conducted using the Belgium Traffic Signs dataset to examine the performance of this traffic sign recognition system, and this approach attained an accuracy of 83.7 percent. Traffic Sign Detection Using Template Matching Technique" was given by Pranjali Pandey and Ramesh Kulkarni (2018).Along the side of the road, there are traffic signs. The system selects and learns the object of interest, a traffic sign board, and then detects where the Region of Interest is in the form of a green-yellow bounding box. The system gets notified when the item reappears, that is, after the current frame has passed. The output is given both in audio as well as in display message format. This mix of outputs allows the driver to maintain vigilance. 3. BLOCK DIAGRAM Images from a labelled training dataset are first subjected to a series of preprocessing procedures, after which the processed images are sent to a CNN architecture, which learns the features from the images automatically. The learnt model is then saved for testing, during which unlabeled test images are preprocessed and sent to the model for classification. 4. DATASET IDENTIFICATION We used the GTSRB dataset from Kaggle for our study. One directory per class containing one CSV file with annotations ("GT-ClassID>.csv") and the training images grouped by tracks containing 30 images of one single physical traffic sign The German Traffic Sign Recognition Dataset (GTSRB) is an image classification dataset with images of traffic signs containing 43 different traffic sign classes containing 39,209 labeled imagesand 12,630 unlabeled images. 5. PREPROCESSING Image preprocessing refers to a set of procedures for formatting images in order to turn them into a format that can be utilized to train the learning model. Both training and test sets are subjected to these preprocessing processes. To prepare picture data for model input, preprocessing is required. The fully connected layers in a CNN architecture, for example, demand that all of the images be of the same size arrays. The preprocessing phases in our suggested system are as follows: Splitting the train set for validation and resize the image Encoding done in single step 6. RESIZING OF IMAGES Because neural networks receive inputs of the same size, resizing is necessary. As a result, all images must be resized to a consistent size. The time it takes for the learning algorithm to learn can be considerably
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1116 decreased if the photographs are shrunk to a smaller size. All of the photographs in our system are reduced to a resolution of 30 X 30 pixels. 7. TRAIN-TEST SPLIT The separation of the training data set into train and validation data sets is the second stage in the preprocessing. The accuracy of the learning algorithm can be validated before moving on to the real testing phase by using a fraction of the training data for validation. This stage is primarily used to check for data overfitting. In our approach, we examine 20% of the training dataset for validation 8. ONE-HOT ENCODING Categorical data consists of variables with label values rather than numeric values. Many machine learning algorithms are unable to operate directly on label data. They demand that all input and output variables be numeric. One-hot encoding is a common technique that works well unless the category values include a significant number of variables. One hot encoding generates new binary columns, one for each potential value from the original data. One-shot encoding in action Label Encoding Label Category Red 1 Blue 2 Green 3 Yellow 4 Yellow 4 . 9. RESULTS AND DISCUSSION In our project preprocessing is important role in the dataset. Preprocessing is used to read and resize the image to improve the quality of the image We have a GTSRB dataset in this data set we have 39209 images in these images are in different dimensions. So, we resize the dataset images dimension of 30x30x3 for our convenience. RESIZED IMAGES One-Hot Encoding Red Blue Green Yellow 1 0 0 0 0 1 0 0 0 0 1 0 0 0 0 1 Resizing image Dimension 30x30 Total images 39209 Training validation images 80%=26579 Testing validation images 20%=12630 LAYER(TYPE) OUTPUT SHAPE PARAM# conv2d (Conv2D) (None,26,26,32) 2432 conv2d_1(Conv2D) (MaxPooling2D) dropout_1(Dropout) flatten(Flatten) dense(Dense) dropout_2(Dropout) dense_1(Dense) None,22,22,32) (None,11,11,32) (None,3,3,64) (None, 576) (None, 256) (None, 256) (None, 43) 25632 0 0 0 147712 0 11051
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1117 Neural Network Output Total params: 242,251 Trainable params: 242,251 Non-trainable params: 0 After data preprocessing is to read and resize the image the second step is to split the training data set for train and testing data set for test. We have taken 80% for training and 20% for testing in our project road sign detection and we get accuracy from training and validation loss. Finally, we get the output of Training accuracy and Validation accuracy is 98.93% and 94.32% with loss , when we increase the training and validation accuracy and loss will be decreased. 10. CONCLUSION In the proposed work we use to know about convolutional neural networks and how they can be used in neural image recognition. We made a traffic sign recognizer with the use of convolutional neural networks by splitting up images into two categories as testing and training validations. In this implementation, we fixed 15 epocs for execution and got an accuracy of 94.32% in testing validation (20%) and98.93% in training validation (80%). This type of road sign detection is advisable for future use in autonomic self- driving cars systems. REFERENCES [1] H. S. Lee, & K. Kim, “Simultaneous Traffic Sign Detection and Boundary Estimation Using Convolutional Neural Network”, vol. 19, no. 5, pp. 1652-1663, 2018 [2] Y. Yang, H. Luo, H. Xu, and F. Wu, “Towards Real- Time Traffic Sign Detection and Classification”, Vol. 17, no. 7, pp. 2022-2031, 2016 [3] Yuan Yuan, ZhitongXiong, Qi Wang, "An Incremental Framework for Video-Based Traffic Sign Detection Tracking and Recognition", vol. 18, no. 7, pp. 1918-1929, 2017 [4] Dongdong Wang, XinwenHou, JiaweiXu, ShigangYue, Cheng-Lin Liu, "Traffic Sign Detection Using a Cascade Method with Fast Feature Extraction and Saliency Test", vol. 18, no. 12, pp. 3290-3302, 2017 [5] HengliangLuo, Yi Yang, Bei Tong, Fuchao Wu, Bin Fan, "Traffic Sign Recognition Using a Multi-Task Convolutional Neural Network", vol. 19, no. 4, pp. 1100- 1111, 2018. [6] Jia Li, Zengfu Wang, "Real-Time Traffic Sign Recognition Based on Efficient CNNs in the Wild", vol.20, no. 3, pp. 975-984, 2019. [7] CY Wang, "Research and application of traffic sign detection and recognition based on deep learning",2018. [8] T Chen and S Lu, "Accurate and Efficient Traffic Sign Detection Using Discriminative Adaboost and Support Vector Regression", vol. 65, no. 6, pp. 4006-4015, 2016. [9] M Xing, M Chunyang, W Yan et al., "Traffic sign detection and recognition using color standardization and Zernike moments", 2016. [10] Y. L. Pierre Sermanet, "Traffic sign recognition with multiscale convolutional networks",pp. 2809- 2813, 2011. S.NO TOTAL IMAGES (39209) ACCURACY LOSS 1 Training images (80%=26579) 98.93 0.1776 2 Testing images (20%=12630) 94.32 0.1296