SlideShare a Scribd company logo
1 of 30
Presented by : Under the guidance of :
R.NARMADA SAVITHA REDDY MADAM
MCA VI SEM
Roll no:101319862004
CONTENTS :
 Abstract
 Introduction
 Objective of the project
 System analysis
 System specification
 System design
 Modules
 Input & output
 Conclusion
ABSTRACT :
 Nowadays, road accidents are one of the major causes that leads to
human death. Among them, motor bike accidents are common and
causes critical injuries.
 Helmet is one of the main protection unit for a motor bicyclist.
However, many fail to conform to the law of wearing helmet.
 Here, to detect the motorcyclists who are violating the helmet laws, a
system using image processing and convolutional neural network is
implemented.
 Once the motorbike is detected, by means of convolutional neural
network, it is determined whether the motorcyclist is wearing a helmet
or not. If the motorcyclist is identified without helmet, then the
INTRODUCTION :
 The main safety equipment of motorcyclist is the helmet. The helmet
protects the motorcyclist against accidents. Although the helmet use is
mandatory in many countries, there are motorcyclists that do not use it
or use it incorrectly.
 Over the past years many works have been carried out in traffic
analysis, including vehicle detection and classification, and helmet
detection.
 Using this helmet detection model helmet-less riders can be easily
detected. Based one the detected classes the license plate of the rider is
cropped out and saved as an image.
 This image is given to an Optical Character Recognition (OCR) model
which recognizes the text and gives the License Plate number as output
in the form of Machine encoded text. And it can also be implemented
in real time using a Webcam.
OBJECTIVE OF THE PROJECT :
 Motorcycle accidents have been rapidly growing through the years in
many countries. In India more than 37 million people use two
wheelers.
 Therefore , it is necessary to develop a system for automatic detection
of helmet wearing for road safety.
 Therefore, a custom object detection model is created using a machine
learning based algorithm which can detect Motorcycle riders. On the
detection of a helmetless rider, the License plate is extracted and the
license plate number is recognized using an Optical Character
Recognizer. This Application can be implemented in real-time using a
dataset as input.
SYSTEM ANALYSIS :
PROPOSED SYSTEM:
 Therefore, by training with a specific dataset, a Helmet detection
model can be implemented. Using this helmet detection model
helmet-less riders can be easily detected.
 Based one the detected classes the license plate of the rider is cropped
out and saved as an image. This image is given to an Optical Character
Recognition (OCR) model which recognizes the text and gives the
License Plate number as output in the form of Machine encoded text.
And it can also be implemented in real time using a Webcam.
 For real-time helmet detection, there is a need for accuracy and speed.
Hence a DNN based model You Only Look Once (YOLO) was chosen.
ADVANTAGE OF PROPOSED SYSTEM:
1. Accuracy is more.
EXISTING SYSTEM :
 Over the past years, multiple approaches have been proposed to solve
the problem of helmet detection.
 And they used Support Vector Machines (SVM) to classify helmets and
human heads without helmets.
 They used Hough transform with SVM to detect the head of the
motorcyclist.
 They applied it to detect helmet on the surveillance system. The
drawback of this work is that they only use geometric features to verify
if any safety helmet exists in the set.
 A helmet detection system is used, and the helmet presence verifies
that there is a motorcycle. In order to detect the helmet presence, the
edges are computed on the possible helmet region.
 Disadvantages of existing system :
 Accuracy is less.
SYSTEM SPECIFICATION :
HARDWARE REQUIREMENTS:
 System : Pentium IV 2.4 GHz.
 Hard Disk : 40 GB.
 Floppy Drive : 1.44 Mb.
 Monitor : 14’ Colour Monitor.
 Mouse : Optical Mouse.
 Ram : 512 Mb.
SOFTWARE REQUIREMENTS:
 Operating system : Windows 7 Ultimate.
 Coding Language : Python.
 Front-End : Python.
 Designing : HTML ,CSS , JAVASCRIPT.
 Data Base : MySQL.
SYSTEM DESIGN :
UML DIAGRAMS :
Class diagram : Class diagram :
 Helmet detection class diagram
describes the structure of
helmet detection classes their
attributes ,operations , and their
relationships.
 Class diagram represented with
rectangle .
 Classes :
 Helmet detection class
Yolo class
Yolo detection class
USECASE DIAGRAM :
 A use case diagram is a graphical
depiction of a use’s possible
interactions with a system . A
use case diagram shows various
use cases and their relationships.
 Use cases :
Upload image
Detect motor bike & persons
Detect helmet
Exit
Actor : User
Sequence diagram :
 A sequence diagram simply
depicts interaction between
objects in a sequential order i.e.
the order in which these
interactions take place.
 Sequence diagram represents
objects, life line, flow of control.
 Objects :
User
Upload image
Detect motor bike & persons
Detect helmet
Exit.
Collaboration diagram :
 Collaboration diagram is also
known as communication
diagram , is an illustration of the
relationships and interactions
among software objects in the
UML.
 There are three primary
elements of the collaboration
diagram : objects, links and
messages
Component diagram :
 The UML component diagram
shows how a software system
will be composed of a set of
deployable components –
dynamic-link library (DLL) files
, executable files , or web
services-that interact through
well- defined interfaces and
which have their internal details
hidden.
Deployment diagram :
 In UML deployment diagrams
model the physical architecture
of a system . Deployment
diagrams shows the
relationships between the
software and hardware
components in the system and
the physical distribution of the
processing .
Activity diagram :
 In UML , an activity diagram
provides a view of behavior of a
system by describing the
sequence of actions in a process
MODULES :
Data set:
 The model was trained on tiny YOLOv3 for 11,000 images on 5 classes for 50,000
iterations. The detections of all the objects classes was obtained with high precision
value and the mean average precision (mAP) reached a constant max value of 75%
hence the training was stopped at 50,000 iterations.
Helmet Detection :
 The annotated images are given as input to YOLOv3 model to train for the custom
classes. The weights generated after training are used to load the model. Once this
is done, an image is given as input. The model detects all the five classes trained.
From this we obtain the information regarding person riding motorbike. If the
person is not wearing a helmet, then we can easily extract the other class
information of the rider. This can be used to extract the license plate.
License Plate Extraction
Once the helmetless rider is detected, the associated person class is detected.
This is done by finding whether the coordinates of the no helmet class lie inside
the person class or not. Similarly, the same steps are followed to detect the
associated motorbike and license plate. Once the coordinates of the License
plate are found, it is cropped and saved as a new image.
License Plate Recognition :
The extracted license plate is given to an Optical Character Recognition (OCR)
model. The OCR recognizes text in the given image and outputs the recognized
strings in the machine-encoded text. The OCR module within will output a list of
predicted license plate numbers along with a confidence value. The confidence
value indicates how confident it is in recognizing the given license plate
accurately. Then, the license plate recognized with highest confidence value is
stored in a text file for further use.
from tkinter import *
import tkinter
from tkinter import filedialog
import numpy as np
from tkinter.filedialog import askopenfilename
import pandas as pd
from tkinter import simpledialog
import numpy as np
import cv2 as cv
import subprocess
import time
import os
from yoloDetection import detectObject, displayImage
import sys
from time import sleep
from tkinter import messagebox
import pytesseract as tess
from keras.models import model_from_json
from keras.utils.np_utils import to_categorical
main = tkinter.Tk()
main.title("Helmet Detection") #designing main screen
main.geometry("800x700")
global filename
global loaded_model
global class_labels
global cnn_model
global cnn_layer_names
frame_count = 0
frame_count_out=0
confThreshold = 0.5
nmsThreshold = 0.4
inpWidth = 416
inpHeight = 416
global option
labels_value = []
with open("Models/labels.txt", "r") as file: #reading MRC dictionary
for line in file:
line = line.strip('n')
line = line.strip()
labels_value.append(line)
file.close()
with open('Models/model.json', "r") as json_file:
loaded_model_json = json_file.read()
plate_detecter = model_from_json(loaded_model_json)
plate_detecter.load_weights("Models/model_weights.h5")
plate_detecter._make_predict_function()
classesFile = "Models/obj.names";
classes = None
with open(classesFile, 'rt') as f:
classes = f.read().rstrip('n').split('n')
modelConfiguration = "Models/yolov3-obj.cfg";
modelWeights = "Models/yolov3-obj_2400.weights";
net = cv.dnn.readNetFromDarknet(modelConfiguration, modelWeights)
net.setPreferableBackend(cv.dnn.DNN_BACKEND_OPENCV)
net.setPreferableTarget(cv.dnn.DNN_TARGET_CPU)
def getOutputsNames(net):
layersNames = net.getLayerNames()
return [layersNames[i[0] - 1] for i in net.getUnconnectedOutLayers()]
def loadLibraries(): #function to load yolov3 model weight and class labels
global class_labels
global cnn_model
global cnn_layer_names
class_labels = open('yolov3model/yolov3-labels').read().strip().split('n') #reading labels from yolov3 model
print(str(class_labels)+" == "+str(len(class_labels)))
cnn_model = cv.dnn.readNetFromDarknet('yolov3model/yolov3.cfg', 'yolov3model/yolov3.weights') #reading
model
cnn_layer_names = cnn_model.getLayerNames() #getting layers from cnn model
cnn_layer_names = [cnn_layer_names[i[0] - 1] for i in cnn_model.getUnconnectedOutLayers()] #assigning all
layers
def upload(): #function to upload tweeter profile
global filename
filename = filedialog.askopenfilename(initialdir="bikes")
OUT PUT SCREENS:
In this project we have built CNN model to detect HELMETS and number plates
from 25 different images and we can detect more images but we don’t have sufficient
dataset to train CNN model so our application can detect presence of helmet from
25 different images and if helmet not present then it will identify number plate and
if helmet detected then it will not identify number plate.
To run project double click on ‘run.bat’ file to get below screen
In above screen click on ‘Upload Image’ button to upload image
In above screen selecting and uploading ‘6.jpg’ file and then click on ‘Open’ button to
load image and then click on ‘Detect Motor Bike & Person’ button to detect whether
image contains person with bike or not
In above screen if person with bike detected then it put bounding box and then
click on ‘Detect Helmet’ button to get below output
In above screen we can see helmet not detected and then application identify number
plate and display on the text area as ‘AP13Q 8815’. Now try with other image by
uploading it
In above screen selecting and uploading ‘h3.jpg’ file and then click on ‘Open’
button then click on ‘Detect Motor Bike & Person’ button to get below result
In above screen person with motor bike detected and now close above image
and then click on ‘Detect Helmet’ button to get below result
In above screen application detected helmet with helmet matching score as
0.90%. Similarly you can upload other images and test
CONCLUSION :
From the results shown above it is evident that the YOLO object detection is
well suited for real-time processing and was able to accurately classify and
localize all the object classes. The proposed end-to-end model was developed
successfully and has all the capabilities to be automated and deployed for
monitoring. For extracting the number plates some techniques are employed
by considering different cases such as multiple riders without helmets and
designed to handle most of the cases. All the libraries and software used in
our project are open source and hence is very flexible and cost efficient. The
project was mainly built to solve the problem of non-efficient traffic
management. Hence at the end of it we can say that if deployed by any traffic
management departments, it would make their job easier and more efficient.
THANK YOU

More Related Content

What's hot

Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachAshwinRachha
 
Driver Drowsiness Detection Review
Driver Drowsiness Detection ReviewDriver Drowsiness Detection Review
Driver Drowsiness Detection ReviewAsaad Waqar
 
Face recognition ppt
Face recognition pptFace recognition ppt
Face recognition pptSantosh Kumar
 
automatic number plate recognition
automatic number plate recognitionautomatic number plate recognition
automatic number plate recognitionSairam Taduvai
 
Driver drowsinees detection and alert.pptx slide
Driver drowsinees detection and alert.pptx slideDriver drowsinees detection and alert.pptx slide
Driver drowsinees detection and alert.pptx slidekavinakshi
 
Drowsiness Detection using machine learning (1).pptx
Drowsiness Detection using machine learning (1).pptxDrowsiness Detection using machine learning (1).pptx
Drowsiness Detection using machine learning (1).pptxsathiyasowmi
 
Smart Voting System with Face Recognition
Smart Voting System with Face RecognitionSmart Voting System with Face Recognition
Smart Voting System with Face RecognitionNikhil Katte
 
Neural Networks for Pattern Recognition
Neural Networks for Pattern RecognitionNeural Networks for Pattern Recognition
Neural Networks for Pattern RecognitionVipra Singh
 
Web scraping
Web scrapingWeb scraping
Web scrapingSelecto
 
ACCIDENT DETECTION SYSTEM PPT
ACCIDENT DETECTION SYSTEM PPTACCIDENT DETECTION SYSTEM PPT
ACCIDENT DETECTION SYSTEM PPTJoshnasai
 
Driver drowsiness detection
Driver drowsiness detectionDriver drowsiness detection
Driver drowsiness detectionConnecting Point
 
Drowsiness Detection Presentation
Drowsiness Detection PresentationDrowsiness Detection Presentation
Drowsiness Detection PresentationSaurabh Kawli
 
Driver Drowsiness Detection report
Driver Drowsiness Detection reportDriver Drowsiness Detection report
Driver Drowsiness Detection reportPurvanshJain1
 
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...Vignesh C
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptxRADO7900
 
Face recognition technology - BEST PPT
Face recognition technology - BEST PPTFace recognition technology - BEST PPT
Face recognition technology - BEST PPTSiddharth Modi
 
Handwriting Recognition
Handwriting RecognitionHandwriting Recognition
Handwriting RecognitionBindu Karki
 

What's hot (20)

Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approach
 
Driver Drowsiness Detection Review
Driver Drowsiness Detection ReviewDriver Drowsiness Detection Review
Driver Drowsiness Detection Review
 
Object Recognition
Object RecognitionObject Recognition
Object Recognition
 
Face recognition ppt
Face recognition pptFace recognition ppt
Face recognition ppt
 
Traffic Violation Detector using Object Detection
Traffic Violation Detector using Object DetectionTraffic Violation Detector using Object Detection
Traffic Violation Detector using Object Detection
 
Image recognition
Image recognitionImage recognition
Image recognition
 
automatic number plate recognition
automatic number plate recognitionautomatic number plate recognition
automatic number plate recognition
 
Driver drowsinees detection and alert.pptx slide
Driver drowsinees detection and alert.pptx slideDriver drowsinees detection and alert.pptx slide
Driver drowsinees detection and alert.pptx slide
 
Drowsiness Detection using machine learning (1).pptx
Drowsiness Detection using machine learning (1).pptxDrowsiness Detection using machine learning (1).pptx
Drowsiness Detection using machine learning (1).pptx
 
Smart Voting System with Face Recognition
Smart Voting System with Face RecognitionSmart Voting System with Face Recognition
Smart Voting System with Face Recognition
 
Neural Networks for Pattern Recognition
Neural Networks for Pattern RecognitionNeural Networks for Pattern Recognition
Neural Networks for Pattern Recognition
 
Web scraping
Web scrapingWeb scraping
Web scraping
 
ACCIDENT DETECTION SYSTEM PPT
ACCIDENT DETECTION SYSTEM PPTACCIDENT DETECTION SYSTEM PPT
ACCIDENT DETECTION SYSTEM PPT
 
Driver drowsiness detection
Driver drowsiness detectionDriver drowsiness detection
Driver drowsiness detection
 
Drowsiness Detection Presentation
Drowsiness Detection PresentationDrowsiness Detection Presentation
Drowsiness Detection Presentation
 
Driver Drowsiness Detection report
Driver Drowsiness Detection reportDriver Drowsiness Detection report
Driver Drowsiness Detection report
 
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...
Drowsiness State Detection of Driver using Eyelid Movement- IRE Journal Confe...
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptx
 
Face recognition technology - BEST PPT
Face recognition technology - BEST PPTFace recognition technology - BEST PPT
Face recognition technology - BEST PPT
 
Handwriting Recognition
Handwriting RecognitionHandwriting Recognition
Handwriting Recognition
 

Similar to project ppt.pptx

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
 
Project Proposal Project Proposal Project Proposal Project Proposal
Project Proposal  Project Proposal Project Proposal Project ProposalProject Proposal  Project Proposal Project Proposal Project Proposal
Project Proposal Project Proposal Project Proposal Project ProposalElanchezhiyanT
 
Neural Network based Vehicle Classification for Intelligent Traffic Control
Neural Network based Vehicle Classification for Intelligent Traffic ControlNeural Network based Vehicle Classification for Intelligent Traffic Control
Neural Network based Vehicle Classification for Intelligent Traffic Controlijseajournal
 
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
 
Visual pattern recognition in robotics
Visual pattern recognition in roboticsVisual pattern recognition in robotics
Visual pattern recognition in roboticsIAEME Publication
 
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 - Steering Wheel Angle Prediction for Self-Driving Cars
IRJET - Steering Wheel Angle Prediction for Self-Driving CarsIRJET - Steering Wheel Angle Prediction for Self-Driving Cars
IRJET - Steering Wheel Angle Prediction for Self-Driving CarsIRJET Journal
 
IRJET- Automated Criminal Identification System using Face Detection and Reco...
IRJET- Automated Criminal Identification System using Face Detection and Reco...IRJET- Automated Criminal Identification System using Face Detection and Reco...
IRJET- Automated Criminal Identification System using Face Detection and Reco...IRJET Journal
 
TRAFFIC RULES VIOLATION DETECTION SYSTEM
TRAFFIC RULES VIOLATION DETECTION SYSTEMTRAFFIC RULES VIOLATION DETECTION SYSTEM
TRAFFIC RULES VIOLATION DETECTION SYSTEMIRJET Journal
 
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...ijtsrd
 
An AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOAn AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOYogeshIJTSRD
 
IRJET- Number Plate Extraction from Vehicle Front View Image using Image ...
IRJET-  	  Number Plate Extraction from Vehicle Front View Image using Image ...IRJET-  	  Number Plate Extraction from Vehicle Front View Image using Image ...
IRJET- Number Plate Extraction from Vehicle Front View Image using Image ...IRJET 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
 
IRJET - A Cascade Classifier based Approach on Enhanced Safety of Motorcy...
IRJET -  	  A Cascade Classifier based Approach on Enhanced Safety of Motorcy...IRJET -  	  A Cascade Classifier based Approach on Enhanced Safety of Motorcy...
IRJET - A Cascade Classifier based Approach on Enhanced Safety of Motorcy...IRJET Journal
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningIRJET Journal
 
Vehicle Number Plate Recognition System
Vehicle Number Plate Recognition SystemVehicle Number Plate Recognition System
Vehicle Number Plate Recognition Systemprashantdahake
 
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...IRJET Journal
 
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...IRJET Journal
 
Traffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNsTraffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNsIRJET Journal
 

Similar to project ppt.pptx (20)

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...
 
Project Proposal Project Proposal Project Proposal Project Proposal
Project Proposal  Project Proposal Project Proposal Project ProposalProject Proposal  Project Proposal Project Proposal Project Proposal
Project Proposal Project Proposal Project Proposal Project Proposal
 
Neural Network based Vehicle Classification for Intelligent Traffic Control
Neural Network based Vehicle Classification for Intelligent Traffic ControlNeural Network based Vehicle Classification for Intelligent Traffic Control
Neural Network based Vehicle Classification for Intelligent Traffic Control
 
Gx3512131216
Gx3512131216Gx3512131216
Gx3512131216
 
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
 
Visual pattern recognition in robotics
Visual pattern recognition in roboticsVisual pattern recognition in robotics
Visual pattern recognition in robotics
 
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 - Steering Wheel Angle Prediction for Self-Driving Cars
IRJET - Steering Wheel Angle Prediction for Self-Driving CarsIRJET - Steering Wheel Angle Prediction for Self-Driving Cars
IRJET - Steering Wheel Angle Prediction for Self-Driving Cars
 
IRJET- Automated Criminal Identification System using Face Detection and Reco...
IRJET- Automated Criminal Identification System using Face Detection and Reco...IRJET- Automated Criminal Identification System using Face Detection and Reco...
IRJET- Automated Criminal Identification System using Face Detection and Reco...
 
TRAFFIC RULES VIOLATION DETECTION SYSTEM
TRAFFIC RULES VIOLATION DETECTION SYSTEMTRAFFIC RULES VIOLATION DETECTION SYSTEM
TRAFFIC RULES VIOLATION DETECTION SYSTEM
 
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...
Traffic Light Detection and Recognition for Self Driving Cars using Deep Lear...
 
An AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOAn AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLO
 
IRJET- Number Plate Extraction from Vehicle Front View Image using Image ...
IRJET-  	  Number Plate Extraction from Vehicle Front View Image using Image ...IRJET-  	  Number Plate Extraction from Vehicle Front View Image using Image ...
IRJET- Number Plate Extraction from Vehicle Front View Image using Image ...
 
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 - A Cascade Classifier based Approach on Enhanced Safety of Motorcy...
IRJET -  	  A Cascade Classifier based Approach on Enhanced Safety of Motorcy...IRJET -  	  A Cascade Classifier based Approach on Enhanced Safety of Motorcy...
IRJET - A Cascade Classifier based Approach on Enhanced Safety of Motorcy...
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep Learning
 
Vehicle Number Plate Recognition System
Vehicle Number Plate Recognition SystemVehicle Number Plate Recognition System
Vehicle Number Plate Recognition System
 
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...
Stay Awake Alert: A Driver Drowsiness Detection System with Location Tracking...
 
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...
IRJET- Computerized Vehicle Foyer and Outlet Monitoring System using Deep Lea...
 
Traffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNsTraffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNs
 

Recently uploaded

Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyAlfredo García Lavilla
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piececharlottematthew16
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxhariprasad279825
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brandgvaughan
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebUiPathCommunity
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 3652toLead Limited
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentationphoebematthew05
 
DevEX - reference for building teams, processes, and platforms
DevEX - reference for building teams, processes, and platformsDevEX - reference for building teams, processes, and platforms
DevEX - reference for building teams, processes, and platformsSergiu Bodiu
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxNavinnSomaal
 
SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024Scott Keck-Warren
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Patryk Bandurski
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 

Recently uploaded (20)

Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easy
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piece
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptx
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brand
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food Manufacturing
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio Web
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentation
 
DevEX - reference for building teams, processes, and platforms
DevEX - reference for building teams, processes, and platformsDevEX - reference for building teams, processes, and platforms
DevEX - reference for building teams, processes, and platforms
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptx
 
SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 

project ppt.pptx

  • 1. Presented by : Under the guidance of : R.NARMADA SAVITHA REDDY MADAM MCA VI SEM Roll no:101319862004
  • 2. CONTENTS :  Abstract  Introduction  Objective of the project  System analysis  System specification  System design  Modules  Input & output  Conclusion
  • 3. ABSTRACT :  Nowadays, road accidents are one of the major causes that leads to human death. Among them, motor bike accidents are common and causes critical injuries.  Helmet is one of the main protection unit for a motor bicyclist. However, many fail to conform to the law of wearing helmet.  Here, to detect the motorcyclists who are violating the helmet laws, a system using image processing and convolutional neural network is implemented.  Once the motorbike is detected, by means of convolutional neural network, it is determined whether the motorcyclist is wearing a helmet or not. If the motorcyclist is identified without helmet, then the
  • 4. INTRODUCTION :  The main safety equipment of motorcyclist is the helmet. The helmet protects the motorcyclist against accidents. Although the helmet use is mandatory in many countries, there are motorcyclists that do not use it or use it incorrectly.  Over the past years many works have been carried out in traffic analysis, including vehicle detection and classification, and helmet detection.  Using this helmet detection model helmet-less riders can be easily detected. Based one the detected classes the license plate of the rider is cropped out and saved as an image.  This image is given to an Optical Character Recognition (OCR) model which recognizes the text and gives the License Plate number as output in the form of Machine encoded text. And it can also be implemented in real time using a Webcam.
  • 5. OBJECTIVE OF THE PROJECT :  Motorcycle accidents have been rapidly growing through the years in many countries. In India more than 37 million people use two wheelers.  Therefore , it is necessary to develop a system for automatic detection of helmet wearing for road safety.  Therefore, a custom object detection model is created using a machine learning based algorithm which can detect Motorcycle riders. On the detection of a helmetless rider, the License plate is extracted and the license plate number is recognized using an Optical Character Recognizer. This Application can be implemented in real-time using a dataset as input.
  • 6. SYSTEM ANALYSIS : PROPOSED SYSTEM:  Therefore, by training with a specific dataset, a Helmet detection model can be implemented. Using this helmet detection model helmet-less riders can be easily detected.  Based one the detected classes the license plate of the rider is cropped out and saved as an image. This image is given to an Optical Character Recognition (OCR) model which recognizes the text and gives the License Plate number as output in the form of Machine encoded text. And it can also be implemented in real time using a Webcam.  For real-time helmet detection, there is a need for accuracy and speed. Hence a DNN based model You Only Look Once (YOLO) was chosen. ADVANTAGE OF PROPOSED SYSTEM: 1. Accuracy is more.
  • 7. EXISTING SYSTEM :  Over the past years, multiple approaches have been proposed to solve the problem of helmet detection.  And they used Support Vector Machines (SVM) to classify helmets and human heads without helmets.  They used Hough transform with SVM to detect the head of the motorcyclist.  They applied it to detect helmet on the surveillance system. The drawback of this work is that they only use geometric features to verify if any safety helmet exists in the set.  A helmet detection system is used, and the helmet presence verifies that there is a motorcycle. In order to detect the helmet presence, the edges are computed on the possible helmet region.  Disadvantages of existing system :  Accuracy is less.
  • 8. SYSTEM SPECIFICATION : HARDWARE REQUIREMENTS:  System : Pentium IV 2.4 GHz.  Hard Disk : 40 GB.  Floppy Drive : 1.44 Mb.  Monitor : 14’ Colour Monitor.  Mouse : Optical Mouse.  Ram : 512 Mb.
  • 9. SOFTWARE REQUIREMENTS:  Operating system : Windows 7 Ultimate.  Coding Language : Python.  Front-End : Python.  Designing : HTML ,CSS , JAVASCRIPT.  Data Base : MySQL.
  • 10. SYSTEM DESIGN : UML DIAGRAMS : Class diagram : Class diagram :  Helmet detection class diagram describes the structure of helmet detection classes their attributes ,operations , and their relationships.  Class diagram represented with rectangle .  Classes :  Helmet detection class Yolo class Yolo detection class
  • 11. USECASE DIAGRAM :  A use case diagram is a graphical depiction of a use’s possible interactions with a system . A use case diagram shows various use cases and their relationships.  Use cases : Upload image Detect motor bike & persons Detect helmet Exit Actor : User
  • 12. Sequence diagram :  A sequence diagram simply depicts interaction between objects in a sequential order i.e. the order in which these interactions take place.  Sequence diagram represents objects, life line, flow of control.  Objects : User Upload image Detect motor bike & persons Detect helmet Exit.
  • 13. Collaboration diagram :  Collaboration diagram is also known as communication diagram , is an illustration of the relationships and interactions among software objects in the UML.  There are three primary elements of the collaboration diagram : objects, links and messages
  • 14. Component diagram :  The UML component diagram shows how a software system will be composed of a set of deployable components – dynamic-link library (DLL) files , executable files , or web services-that interact through well- defined interfaces and which have their internal details hidden.
  • 15. Deployment diagram :  In UML deployment diagrams model the physical architecture of a system . Deployment diagrams shows the relationships between the software and hardware components in the system and the physical distribution of the processing .
  • 16. Activity diagram :  In UML , an activity diagram provides a view of behavior of a system by describing the sequence of actions in a process
  • 17. MODULES : Data set:  The model was trained on tiny YOLOv3 for 11,000 images on 5 classes for 50,000 iterations. The detections of all the objects classes was obtained with high precision value and the mean average precision (mAP) reached a constant max value of 75% hence the training was stopped at 50,000 iterations. Helmet Detection :  The annotated images are given as input to YOLOv3 model to train for the custom classes. The weights generated after training are used to load the model. Once this is done, an image is given as input. The model detects all the five classes trained. From this we obtain the information regarding person riding motorbike. If the person is not wearing a helmet, then we can easily extract the other class information of the rider. This can be used to extract the license plate.
  • 18. License Plate Extraction Once the helmetless rider is detected, the associated person class is detected. This is done by finding whether the coordinates of the no helmet class lie inside the person class or not. Similarly, the same steps are followed to detect the associated motorbike and license plate. Once the coordinates of the License plate are found, it is cropped and saved as a new image. License Plate Recognition : The extracted license plate is given to an Optical Character Recognition (OCR) model. The OCR recognizes text in the given image and outputs the recognized strings in the machine-encoded text. The OCR module within will output a list of predicted license plate numbers along with a confidence value. The confidence value indicates how confident it is in recognizing the given license plate accurately. Then, the license plate recognized with highest confidence value is stored in a text file for further use.
  • 19. from tkinter import * import tkinter from tkinter import filedialog import numpy as np from tkinter.filedialog import askopenfilename import pandas as pd from tkinter import simpledialog import numpy as np import cv2 as cv import subprocess import time import os from yoloDetection import detectObject, displayImage import sys from time import sleep from tkinter import messagebox import pytesseract as tess from keras.models import model_from_json from keras.utils.np_utils import to_categorical main = tkinter.Tk() main.title("Helmet Detection") #designing main screen main.geometry("800x700") global filename global loaded_model global class_labels global cnn_model global cnn_layer_names
  • 20. frame_count = 0 frame_count_out=0 confThreshold = 0.5 nmsThreshold = 0.4 inpWidth = 416 inpHeight = 416 global option labels_value = [] with open("Models/labels.txt", "r") as file: #reading MRC dictionary for line in file: line = line.strip('n') line = line.strip() labels_value.append(line) file.close() with open('Models/model.json', "r") as json_file: loaded_model_json = json_file.read() plate_detecter = model_from_json(loaded_model_json) plate_detecter.load_weights("Models/model_weights.h5") plate_detecter._make_predict_function() classesFile = "Models/obj.names"; classes = None
  • 21. with open(classesFile, 'rt') as f: classes = f.read().rstrip('n').split('n') modelConfiguration = "Models/yolov3-obj.cfg"; modelWeights = "Models/yolov3-obj_2400.weights"; net = cv.dnn.readNetFromDarknet(modelConfiguration, modelWeights) net.setPreferableBackend(cv.dnn.DNN_BACKEND_OPENCV) net.setPreferableTarget(cv.dnn.DNN_TARGET_CPU) def getOutputsNames(net): layersNames = net.getLayerNames() return [layersNames[i[0] - 1] for i in net.getUnconnectedOutLayers()] def loadLibraries(): #function to load yolov3 model weight and class labels global class_labels global cnn_model global cnn_layer_names class_labels = open('yolov3model/yolov3-labels').read().strip().split('n') #reading labels from yolov3 model print(str(class_labels)+" == "+str(len(class_labels))) cnn_model = cv.dnn.readNetFromDarknet('yolov3model/yolov3.cfg', 'yolov3model/yolov3.weights') #reading model cnn_layer_names = cnn_model.getLayerNames() #getting layers from cnn model cnn_layer_names = [cnn_layer_names[i[0] - 1] for i in cnn_model.getUnconnectedOutLayers()] #assigning all layers def upload(): #function to upload tweeter profile global filename filename = filedialog.askopenfilename(initialdir="bikes")
  • 22. OUT PUT SCREENS: In this project we have built CNN model to detect HELMETS and number plates from 25 different images and we can detect more images but we don’t have sufficient dataset to train CNN model so our application can detect presence of helmet from 25 different images and if helmet not present then it will identify number plate and if helmet detected then it will not identify number plate. To run project double click on ‘run.bat’ file to get below screen
  • 23. In above screen click on ‘Upload Image’ button to upload image
  • 24. In above screen selecting and uploading ‘6.jpg’ file and then click on ‘Open’ button to load image and then click on ‘Detect Motor Bike & Person’ button to detect whether image contains person with bike or not
  • 25. In above screen if person with bike detected then it put bounding box and then click on ‘Detect Helmet’ button to get below output
  • 26. In above screen we can see helmet not detected and then application identify number plate and display on the text area as ‘AP13Q 8815’. Now try with other image by uploading it
  • 27. In above screen selecting and uploading ‘h3.jpg’ file and then click on ‘Open’ button then click on ‘Detect Motor Bike & Person’ button to get below result
  • 28. In above screen person with motor bike detected and now close above image and then click on ‘Detect Helmet’ button to get below result
  • 29. In above screen application detected helmet with helmet matching score as 0.90%. Similarly you can upload other images and test CONCLUSION : From the results shown above it is evident that the YOLO object detection is well suited for real-time processing and was able to accurately classify and localize all the object classes. The proposed end-to-end model was developed successfully and has all the capabilities to be automated and deployed for monitoring. For extracting the number plates some techniques are employed by considering different cases such as multiple riders without helmets and designed to handle most of the cases. All the libraries and software used in our project are open source and hence is very flexible and cost efficient. The project was mainly built to solve the problem of non-efficient traffic management. Hence at the end of it we can say that if deployed by any traffic management departments, it would make their job easier and more efficient.