SlideShare uma empresa Scribd logo
1 de 4
Baixar para ler offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2603
A REAL TIME YOLO HUMAN DETECTION IN FLOOD AFFECTED AREAS
BASED ON VIDEO CONTENT ANALYSIS
Keerthana T1, Kala L2
1PG Scholar, Department of Electronics and Communication Engineering, NSS College of Engineering, Palakkad,
Kerala, India
2Associate Professor, Department of Electronics and Communication Engineering, NSS College of Engineering,
Palakkad, Kerala, India
---------------------------------------------------------------------***--------------------------------------------------------------------
Abstract Floods are becoming more frequent and severe
natural disasters worldwide due to extreme climatic
change. In addition to causing a huge economic damage
(to the human property) they cause a substantial loss of
human lives even leading to fatalities. Early detection is
critical in providing a timely response to prevent damage to
property and life .It is therefore crucial to use all available
technologies, including Earth observation, in their
prevention and mitigation. Person detection and tracking is
a popular and still very active field of research in computer
vision. There are many camera-based safety and security
applications such as search and rescue, surveillance, driver
assistance systems, or autonomous driving. Previous
methods for flood detection uses specialized sensors or
satellite imagery. In this paper, we propose a method for
real time human detection based on video content analysis
of feeds from surveillance cameras, which are more
common and readily available nowadays. We demonstrate
that YOLO is effective method and comparatively fast for
recognition and localization in COCO Human dataset.
Key Words: Video analytics; Computer vision; You Only
Look Once (YOLO); COCO Human dataset; Convolutional
Neural Network
1. INTRODUCTION
In this new era, where technological advancements
happen at a fast rate, we find solutions to a large number
of problems faced by people around the world out of
which natural calamities pose a major threat. Flooding is
one of the major disasters occurring in various parts of
the world. Because of global climate changes in recent
years, rainfall has become comparatively heavy and rapid.
It is the rise in the level of water leading to submerging of
the land areas, especially the low lying areas, due to heavy
downpour. It leads to loss of life and property. There has
been government involvement in providing shelter to
flood victims. Moreover, scientists have been researching
for effective methods to deal with the damage caused. The
rescue operations and basic amenities provided to victims
must reach to heavily submerged area first. Here comes
the importance of systems detecting the flood affected
areas [1].These days, there are video surveillance systems
everywhere.
The applications of convolutional neural networks (CNNs)
have become fast-growing since [2] achieved significantly
high accuracy. One of the major transferred tasks is object
detection. The detection problem can be regarded as a task
of labeling objects in an image with the correct class as well
as predicting bounding boxes associated with real-valued
confidence. Lots of researchers have proposed different
structures of deep neural networks on this problem, such
as Overfeat [3], DeepMultibox [4], Region CNN [5], YOLO
[6], SSD [7], etc. Taking the advantage of rapidly developing
methods, we here focus on a specific detection task: human
detection in video streams Therefore, it is of high relevance
to be able to identify and track the position of every person
that is visible in a video stream recorded aligned with
human vision. With the availability of large amounts of
data, faster GPUs, and better and efficient algorithms, it is
easily possible to train computers to detect and classify
multiple objects within an image/video with high accuracy.
1.1 RELATED WORK
CNNs detection models work differently. For instance,
RCNN (Girshick etal. 2014) extract potential bounding
boxes using region proposal methods such as Selective
Search (SS) and then classify these proposed bounding
boxes with a CNN-based classifier. After classification,
post-processing is used to refine the bounding boxes,
eliminate duplicate detections, and rescore the boxes
based on other objects in the scene. Despite the overall
success of R-CNN, training an R-CNN model is expensive in
terms of memory and time usage. By sharing computation
of convolutional layers between region proposals for an
image and replacing Selective Search (SS) with a neural
network which is called Region Proposal Network(RPN),
Fast R-CNN[9] (Girshick 2015) and Faster R-CNN [8](Ren
et al. 2015) are able to achieve higher accuracies and
better latencies overall. Instead of having a sequential
pipeline of region proposals and object classification,
YOLO[6] (Redmon et al. 2016a) method has formulated
object detection as a single regression problem, straight
from image pixels to bounding box coordinates and class
probabilities. In this detection, a single convolutional
network simultaneously predicts multiple bounding boxes
and class probabilities for those boxes. YOLO trains on full
images and directly optimizes detection performance. This
leads a much lower latency
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2604
2. PROPOSED WORK
Firstly, the input video will be worked upon with a human
detection algorithm, the detection algorithm will put a
bounding box around the objects detected as people. The
object detection algorithm, You Look Only Once (YOLO) [6]
will be first used to detect the people in given input
image/frame. In the past years, many face detection
algorithms have been used, it could be either feature based
or image based. Feature based algorithms detect face using
facial features like edges, motion, point distribution models
and many other. And the image based algorithm for face
detection involve neural network, statistical approach.
However YOLO out performs all of them. In terms of
realtime performance, with the support of a GPU, YOLO-PC
retrains a deep convolutional neural network to detect
human at more than 40 fps (frames per second) [10].
Later, when the human is correctly detected in the input
frame/image, it will be passed through a human tracking
algorithm if necessary.
We used COCO human dataset for pretraining.
Fig -1: A simplified illustration of the YOLO object
detector pipeline
2.1 Common Objects in Context (COCO)
Common Objects in Context (COCO) is developed by
Microsoft and was introduced in 2015. The 2017 dataset
contains over 120 000 images for training and validation,
over 40 000 images for testing and 80 classes [11]. COCO is
a large-scale object detection, segmentation, and
captioning dataset.
2.2 Framework
Darknet[12] is a framework to train neural networks, it is
open source and written in C/CUDA and serves as the basis
for YOLO. Darknet is used as the framework for training
YOLO, meaning it sets the architecture of the network. It is
actually a complete neural network framework, so it really
can be used for other objectives besides YOLO detection.
2.3 YOLO Algorithm
The YOLO [6] looks upon the input image/video as a single
regression problem. Straight from image pixels to the
bounding box is viewed as single problem. YOLO scans the
image in one go. YOLO first takes an input image/video.
1. YOLO divides the image into S X S grids.
2. The bounding boxes are responsible for predicting up to
5 bounding boxes.
3. For each bounding box the class is predicted along with
it prediction score.
4. The number of the bounding boxes we get will be 13 X
13 =169, and each grid producing up to 5 bounding
boxes.
Therefore a total of 169 X 5 = 845 bounding boxes in total.
Fig -2: Flowchart of YOLO object detector
5. Most of the bounding boxes will have very low
confidence score, and in the end only the bounding boxes
crossing a certain threshold value would be included. For
human detection threshold value of 30 sounds good
enough.
6. Each bounding in Yolo predicts 5 parameters: x,y,w,h
and confidence. The (x, y) coordinates represent the center
of the box relative to the bounds of the grid cell. The width
and height are predicted relative to the whole image.
Finally the confidence prediction represents the IOU
between the predicted box and any ground truth box
7. YOLO algorithm has a convolutional network used:
convolutional 3X3 kernel and a max pooling of 2X2 kernal
4. EXPERIMENTAL RESULTS
OpenCV 4.0 version with Artificial Neural Networks (ANN)
including CNN and YOLO Darknet-based Real-Time Object
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2605
Detector are used. The detection performance is evaluated
on the annotated test frames from the COCO dataset. It is
obvious that fine tuning the pre-trained network works
better than the training the network from scratch.
Detection examples are shown in Figures 3 and 4.
Fig -3: Multiple human detection with occlusion
handling
Fig -4: Single human detection with illumination
changes
3. CONCLUSION
Object detection using deep learning and neural networks
has taken some massive leaps in the past couple of years,
and the field is very popular at the moment. Every month
someone releases a new research paper, a new algorithm
or a new solution for a certain problem. The main part of
the goal was successfully implemented, a working
application which utilizes neural network model for object
detection. The detection and tracking performance is
evaluated on the annotated test frames from the COCO
dataset. A CNN based detection method called YOLO was
also implemented to enhance the accuracy of human
detection. YOLO showed a better performance in human
detection
REFERENCES
1. Geetha, M., et al. "Detection and estimation of the
extent of flood from crowd sourced images."
International Conference on Communication and
Signal Processing (ICCSP). IEEE, 2017.
2. Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E.
Hinton. "Imagenet classification with deep
convolutional neural networks." Advances in neural
information processing systems. 2012
3. Pierre Sermanet, David Eigen, Xiang Zhang, Michaël
Mathieu, Rob Fergus, and Yann LeCun. Overfeat:
Integrated recognition, localization and detection
using convolutional networks. arXiv preprint
ArXiv: 1312.6229, 2013
4. Erhan, Dumitru, Christian Szegedy, Alexander Toshev,
and Dragomir Anguelov. "Scalable object detection
using deep neural networks." In Proceedings of the
IEEE conference on computer vision and pattern
recognition, pp. 2147-2154. 2014.
5. Girshick, Ross, et al. "Rich feature hierarchies for
accurate object detection and semantic segmentation."
Proceedings of the IEEE conference on computer
vision and pattern recognition. 2014.
6. Redmon, Joseph, et al. "You only look once:
Unified,realtimeobjecdetection." Proceedings of the
IEEE conference on computer vision and pattern
recognition. 2016.
7. Liu, W., Anguelov, D., Erhan, D., Szegedy, C., Reed, S., Fu,
C. Y., & Berg, A. C. (2016, October). Ssd: Single shot
multibox detector. In European conference on computer
vision (pp.21-37).Springer,October 2016.
8. Ren, Shaoqing, et al. "Faster r-cnn: Towards real-time
object detection with region proposal networks."
Advances in neural information processing systems.
2015.
9. Girshick, Ross. "Fast r-cnn." Proceedings of the IEEE
international conference on computer vision 2015
10. Ren, Peiming, Wei Fang, and Soufiene Djahel. "A novel
YOLO-Based real-time people counting approach."
2017
International Smart Cities Conference (ISC2). IEEE,
2017.
11. Ouaknine, Arthur. "Review of Deep Learning
Algorithms for Object Detection." Medium. February 5
(2018): 2018.
12. https://pjreddie.com/darknet
BIOGRAPHIES
Keerthana T pursued Bachelor of
Technology from Anna University
in 2016. She is currently pursuing
Master of Technology in
Department of Electronics and
Communication from APJ Abdul
Kalam Technological University,
since 2017. She has published
review paper based on different
methods for object detection and
tracking in a reputed
international journal. Her main
research work focuses on deep
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2606
learning based human detection
and tracking in different
environments.
Kala L pursued Bachelor of
Technology from Kerala
University and Master of
Technology from NIT Calicut. She
is currently working as Associate
Professor in Department of
Electronics and Communication
at NSS College of Engineering,
Palakkad since 1991.
She has published many research
papers in reputed international
journals and conferences
including IEEE. She has 27 years
of teaching experience. Her
interested areas include Digital
Image Processing, Computer
Vision, Deep Learning etc.

Mais conteúdo relacionado

Mais procurados

IRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET Journal
 
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...IRJET Journal
 
Dario izzo - Machine Learning methods and space engineering
Dario izzo - Machine Learning methods and space engineeringDario izzo - Machine Learning methods and space engineering
Dario izzo - Machine Learning methods and space engineeringAdvanced-Concepts-Team
 
A new multiple classifiers soft decisions fusion approach for exons predictio...
A new multiple classifiers soft decisions fusion approach for exons predictio...A new multiple classifiers soft decisions fusion approach for exons predictio...
A new multiple classifiers soft decisions fusion approach for exons predictio...Ismail M. El-Badawy
 
Sparse representation based human action recognition using an action region-a...
Sparse representation based human action recognition using an action region-a...Sparse representation based human action recognition using an action region-a...
Sparse representation based human action recognition using an action region-a...Wesley De Neve
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2IRJET Journal
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET Journal
 
IRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET Journal
 
IRJET- Survey on Detection of Crime
IRJET-  	  Survey on Detection of CrimeIRJET-  	  Survey on Detection of Crime
IRJET- Survey on Detection of CrimeIRJET Journal
 
24 7912 9261-1-ed a meaningful (edit a)
24 7912 9261-1-ed a meaningful (edit a)24 7912 9261-1-ed a meaningful (edit a)
24 7912 9261-1-ed a meaningful (edit a)IAESIJEECS
 
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...IRJET Journal
 
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...Edge AI and Vision Alliance
 
Applying Deep Learning with Weak and Noisy labels
Applying Deep Learning with Weak and Noisy labelsApplying Deep Learning with Weak and Noisy labels
Applying Deep Learning with Weak and Noisy labelsDarian Frajberg
 
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...IRJET Journal
 
Deep-learning based single object tracker for night surveillance
Deep-learning based single object tracker for night surveillance  Deep-learning based single object tracker for night surveillance
Deep-learning based single object tracker for night surveillance IJECEIAES
 
IRJET-Real-Time Object Detection: A Survey
IRJET-Real-Time Object Detection: A SurveyIRJET-Real-Time Object Detection: A Survey
IRJET-Real-Time Object Detection: A SurveyIRJET Journal
 

Mais procurados (18)

IRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNet
 
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...
IRJET- Human Fall Detection using Co-Saliency-Enhanced Deep Recurrent Convolu...
 
Dario izzo - Machine Learning methods and space engineering
Dario izzo - Machine Learning methods and space engineeringDario izzo - Machine Learning methods and space engineering
Dario izzo - Machine Learning methods and space engineering
 
A new multiple classifiers soft decisions fusion approach for exons predictio...
A new multiple classifiers soft decisions fusion approach for exons predictio...A new multiple classifiers soft decisions fusion approach for exons predictio...
A new multiple classifiers soft decisions fusion approach for exons predictio...
 
Sparse representation based human action recognition using an action region-a...
Sparse representation based human action recognition using an action region-a...Sparse representation based human action recognition using an action region-a...
Sparse representation based human action recognition using an action region-a...
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 
Mechanical
MechanicalMechanical
Mechanical
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for Insurance
 
IRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and Python
 
IRJET- Survey on Detection of Crime
IRJET-  	  Survey on Detection of CrimeIRJET-  	  Survey on Detection of Crime
IRJET- Survey on Detection of Crime
 
24 7912 9261-1-ed a meaningful (edit a)
24 7912 9261-1-ed a meaningful (edit a)24 7912 9261-1-ed a meaningful (edit a)
24 7912 9261-1-ed a meaningful (edit a)
 
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
 
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...
“An Introduction to Single-Photon Avalanche Diodes—A New Type of Imager for C...
 
Applying Deep Learning with Weak and Noisy labels
Applying Deep Learning with Weak and Noisy labelsApplying Deep Learning with Weak and Noisy labels
Applying Deep Learning with Weak and Noisy labels
 
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...
Inspection of Suspicious Human Activity in the Crowd Sourced Areas Captured i...
 
展示ppt.pptx
展示ppt.pptx展示ppt.pptx
展示ppt.pptx
 
Deep-learning based single object tracker for night surveillance
Deep-learning based single object tracker for night surveillance  Deep-learning based single object tracker for night surveillance
Deep-learning based single object tracker for night surveillance
 
IRJET-Real-Time Object Detection: A Survey
IRJET-Real-Time Object Detection: A SurveyIRJET-Real-Time Object Detection: A Survey
IRJET-Real-Time Object Detection: A Survey
 

Semelhante a IRJET- A Real Time Yolo Human Detection in Flood Affected Areas based on Video Content Analysis

ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETIRJET Journal
 
YOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection SystemYOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection SystemIRJET Journal
 
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTION
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTIONDYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTION
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTIONIRJET Journal
 
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...IRJET Journal
 
Object Detection Using YOLO Models
Object Detection Using YOLO ModelsObject Detection Using YOLO Models
Object Detection Using YOLO ModelsIRJET Journal
 
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTION
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTIONEMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTION
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTIONIRJET Journal
 
IRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET Journal
 
Real Time Object Detection System with YOLO and CNN Models: A Review
Real Time Object Detection System with YOLO and CNN Models: A ReviewReal Time Object Detection System with YOLO and CNN Models: A Review
Real Time Object Detection System with YOLO and CNN Models: A ReviewSpringer
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningIRJET Journal
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET Journal
 
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET Journal
 
OBJECT IDENTIFICATION
OBJECT IDENTIFICATIONOBJECT IDENTIFICATION
OBJECT IDENTIFICATIONIRJET Journal
 
Real time ship detection using YOLOv5
Real time ship detection using YOLOv5Real time ship detection using YOLOv5
Real time ship detection using YOLOv5IRJET Journal
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetIRJET Journal
 
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATION
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATIONYOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATION
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATIONIRJET Journal
 
IRJET- Smart Traffic Control System using Yolo
IRJET- Smart Traffic Control System using YoloIRJET- Smart Traffic Control System using Yolo
IRJET- Smart Traffic Control System using YoloIRJET Journal
 
Helmet Detection Based on Convolutional Neural Networks
Helmet Detection Based on Convolutional Neural NetworksHelmet Detection Based on Convolutional Neural Networks
Helmet Detection Based on Convolutional Neural NetworksIRJET Journal
 
Voice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object DetectionVoice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object DetectionIRJET Journal
 
SOCIAL DISTANCING DETECTION
SOCIAL DISTANCING DETECTIONSOCIAL DISTANCING DETECTION
SOCIAL DISTANCING DETECTIONIRJET Journal
 
Drishyam - Virtual Eye for Blind
Drishyam - Virtual Eye for BlindDrishyam - Virtual Eye for Blind
Drishyam - Virtual Eye for BlindIRJET Journal
 

Semelhante a IRJET- A Real Time Yolo Human Detection in Flood Affected Areas based on Video Content Analysis (20)

ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
YOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection SystemYOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection System
 
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTION
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTIONDYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTION
DYNAMIC ENERGY MANAGEMENT USING REAL TIME OBJECT DETECTION
 
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...
INDOOR AND OUTDOOR NAVIGATION ASSISTANCE SYSTEM FOR VISUALLY IMPAIRED PEOPLE ...
 
Object Detection Using YOLO Models
Object Detection Using YOLO ModelsObject Detection Using YOLO Models
Object Detection Using YOLO Models
 
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTION
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTIONEMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTION
EMERGENCY VEHICLE SOUND DETECTION SYSTEMS IN TRAFFIC CONGESTION
 
IRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind Assistance
 
Real Time Object Detection System with YOLO and CNN Models: A Review
Real Time Object Detection System with YOLO and CNN Models: A ReviewReal Time Object Detection System with YOLO and CNN Models: A Review
Real Time Object Detection System with YOLO and CNN Models: A Review
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
 
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
 
OBJECT IDENTIFICATION
OBJECT IDENTIFICATIONOBJECT IDENTIFICATION
OBJECT IDENTIFICATION
 
Real time ship detection using YOLOv5
Real time ship detection using YOLOv5Real time ship detection using YOLOv5
Real time ship detection using YOLOv5
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNet
 
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATION
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATIONYOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATION
YOLO BASED SHIP IMAGE DETECTION AND CLASSIFICATION
 
IRJET- Smart Traffic Control System using Yolo
IRJET- Smart Traffic Control System using YoloIRJET- Smart Traffic Control System using Yolo
IRJET- Smart Traffic Control System using Yolo
 
Helmet Detection Based on Convolutional Neural Networks
Helmet Detection Based on Convolutional Neural NetworksHelmet Detection Based on Convolutional Neural Networks
Helmet Detection Based on Convolutional Neural Networks
 
Voice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object DetectionVoice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object Detection
 
SOCIAL DISTANCING DETECTION
SOCIAL DISTANCING DETECTIONSOCIAL DISTANCING DETECTION
SOCIAL DISTANCING DETECTION
 
Drishyam - Virtual Eye for Blind
Drishyam - Virtual Eye for BlindDrishyam - Virtual Eye for Blind
Drishyam - Virtual Eye for Blind
 

Mais de IRJET Journal

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

Mais de IRJET Journal (20)

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

Último

Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Call Girls in Nagpur High Profile
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdfankushspencer015
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Christo Ananth
 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...ranjana rawat
 

Último (20)

Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
 

IRJET- A Real Time Yolo Human Detection in Flood Affected Areas based on Video Content Analysis

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2603 A REAL TIME YOLO HUMAN DETECTION IN FLOOD AFFECTED AREAS BASED ON VIDEO CONTENT ANALYSIS Keerthana T1, Kala L2 1PG Scholar, Department of Electronics and Communication Engineering, NSS College of Engineering, Palakkad, Kerala, India 2Associate Professor, Department of Electronics and Communication Engineering, NSS College of Engineering, Palakkad, Kerala, India ---------------------------------------------------------------------***-------------------------------------------------------------------- Abstract Floods are becoming more frequent and severe natural disasters worldwide due to extreme climatic change. In addition to causing a huge economic damage (to the human property) they cause a substantial loss of human lives even leading to fatalities. Early detection is critical in providing a timely response to prevent damage to property and life .It is therefore crucial to use all available technologies, including Earth observation, in their prevention and mitigation. Person detection and tracking is a popular and still very active field of research in computer vision. There are many camera-based safety and security applications such as search and rescue, surveillance, driver assistance systems, or autonomous driving. Previous methods for flood detection uses specialized sensors or satellite imagery. In this paper, we propose a method for real time human detection based on video content analysis of feeds from surveillance cameras, which are more common and readily available nowadays. We demonstrate that YOLO is effective method and comparatively fast for recognition and localization in COCO Human dataset. Key Words: Video analytics; Computer vision; You Only Look Once (YOLO); COCO Human dataset; Convolutional Neural Network 1. INTRODUCTION In this new era, where technological advancements happen at a fast rate, we find solutions to a large number of problems faced by people around the world out of which natural calamities pose a major threat. Flooding is one of the major disasters occurring in various parts of the world. Because of global climate changes in recent years, rainfall has become comparatively heavy and rapid. It is the rise in the level of water leading to submerging of the land areas, especially the low lying areas, due to heavy downpour. It leads to loss of life and property. There has been government involvement in providing shelter to flood victims. Moreover, scientists have been researching for effective methods to deal with the damage caused. The rescue operations and basic amenities provided to victims must reach to heavily submerged area first. Here comes the importance of systems detecting the flood affected areas [1].These days, there are video surveillance systems everywhere. The applications of convolutional neural networks (CNNs) have become fast-growing since [2] achieved significantly high accuracy. One of the major transferred tasks is object detection. The detection problem can be regarded as a task of labeling objects in an image with the correct class as well as predicting bounding boxes associated with real-valued confidence. Lots of researchers have proposed different structures of deep neural networks on this problem, such as Overfeat [3], DeepMultibox [4], Region CNN [5], YOLO [6], SSD [7], etc. Taking the advantage of rapidly developing methods, we here focus on a specific detection task: human detection in video streams Therefore, it is of high relevance to be able to identify and track the position of every person that is visible in a video stream recorded aligned with human vision. With the availability of large amounts of data, faster GPUs, and better and efficient algorithms, it is easily possible to train computers to detect and classify multiple objects within an image/video with high accuracy. 1.1 RELATED WORK CNNs detection models work differently. For instance, RCNN (Girshick etal. 2014) extract potential bounding boxes using region proposal methods such as Selective Search (SS) and then classify these proposed bounding boxes with a CNN-based classifier. After classification, post-processing is used to refine the bounding boxes, eliminate duplicate detections, and rescore the boxes based on other objects in the scene. Despite the overall success of R-CNN, training an R-CNN model is expensive in terms of memory and time usage. By sharing computation of convolutional layers between region proposals for an image and replacing Selective Search (SS) with a neural network which is called Region Proposal Network(RPN), Fast R-CNN[9] (Girshick 2015) and Faster R-CNN [8](Ren et al. 2015) are able to achieve higher accuracies and better latencies overall. Instead of having a sequential pipeline of region proposals and object classification, YOLO[6] (Redmon et al. 2016a) method has formulated object detection as a single regression problem, straight from image pixels to bounding box coordinates and class probabilities. In this detection, a single convolutional network simultaneously predicts multiple bounding boxes and class probabilities for those boxes. YOLO trains on full images and directly optimizes detection performance. This leads a much lower latency
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2604 2. PROPOSED WORK Firstly, the input video will be worked upon with a human detection algorithm, the detection algorithm will put a bounding box around the objects detected as people. The object detection algorithm, You Look Only Once (YOLO) [6] will be first used to detect the people in given input image/frame. In the past years, many face detection algorithms have been used, it could be either feature based or image based. Feature based algorithms detect face using facial features like edges, motion, point distribution models and many other. And the image based algorithm for face detection involve neural network, statistical approach. However YOLO out performs all of them. In terms of realtime performance, with the support of a GPU, YOLO-PC retrains a deep convolutional neural network to detect human at more than 40 fps (frames per second) [10]. Later, when the human is correctly detected in the input frame/image, it will be passed through a human tracking algorithm if necessary. We used COCO human dataset for pretraining. Fig -1: A simplified illustration of the YOLO object detector pipeline 2.1 Common Objects in Context (COCO) Common Objects in Context (COCO) is developed by Microsoft and was introduced in 2015. The 2017 dataset contains over 120 000 images for training and validation, over 40 000 images for testing and 80 classes [11]. COCO is a large-scale object detection, segmentation, and captioning dataset. 2.2 Framework Darknet[12] is a framework to train neural networks, it is open source and written in C/CUDA and serves as the basis for YOLO. Darknet is used as the framework for training YOLO, meaning it sets the architecture of the network. It is actually a complete neural network framework, so it really can be used for other objectives besides YOLO detection. 2.3 YOLO Algorithm The YOLO [6] looks upon the input image/video as a single regression problem. Straight from image pixels to the bounding box is viewed as single problem. YOLO scans the image in one go. YOLO first takes an input image/video. 1. YOLO divides the image into S X S grids. 2. The bounding boxes are responsible for predicting up to 5 bounding boxes. 3. For each bounding box the class is predicted along with it prediction score. 4. The number of the bounding boxes we get will be 13 X 13 =169, and each grid producing up to 5 bounding boxes. Therefore a total of 169 X 5 = 845 bounding boxes in total. Fig -2: Flowchart of YOLO object detector 5. Most of the bounding boxes will have very low confidence score, and in the end only the bounding boxes crossing a certain threshold value would be included. For human detection threshold value of 30 sounds good enough. 6. Each bounding in Yolo predicts 5 parameters: x,y,w,h and confidence. The (x, y) coordinates represent the center of the box relative to the bounds of the grid cell. The width and height are predicted relative to the whole image. Finally the confidence prediction represents the IOU between the predicted box and any ground truth box 7. YOLO algorithm has a convolutional network used: convolutional 3X3 kernel and a max pooling of 2X2 kernal 4. EXPERIMENTAL RESULTS OpenCV 4.0 version with Artificial Neural Networks (ANN) including CNN and YOLO Darknet-based Real-Time Object
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2605 Detector are used. The detection performance is evaluated on the annotated test frames from the COCO dataset. It is obvious that fine tuning the pre-trained network works better than the training the network from scratch. Detection examples are shown in Figures 3 and 4. Fig -3: Multiple human detection with occlusion handling Fig -4: Single human detection with illumination changes 3. CONCLUSION Object detection using deep learning and neural networks has taken some massive leaps in the past couple of years, and the field is very popular at the moment. Every month someone releases a new research paper, a new algorithm or a new solution for a certain problem. The main part of the goal was successfully implemented, a working application which utilizes neural network model for object detection. The detection and tracking performance is evaluated on the annotated test frames from the COCO dataset. A CNN based detection method called YOLO was also implemented to enhance the accuracy of human detection. YOLO showed a better performance in human detection REFERENCES 1. Geetha, M., et al. "Detection and estimation of the extent of flood from crowd sourced images." International Conference on Communication and Signal Processing (ICCSP). IEEE, 2017. 2. Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton. "Imagenet classification with deep convolutional neural networks." Advances in neural information processing systems. 2012 3. Pierre Sermanet, David Eigen, Xiang Zhang, Michaël Mathieu, Rob Fergus, and Yann LeCun. Overfeat: Integrated recognition, localization and detection using convolutional networks. arXiv preprint ArXiv: 1312.6229, 2013 4. Erhan, Dumitru, Christian Szegedy, Alexander Toshev, and Dragomir Anguelov. "Scalable object detection using deep neural networks." In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 2147-2154. 2014. 5. Girshick, Ross, et al. "Rich feature hierarchies for accurate object detection and semantic segmentation." Proceedings of the IEEE conference on computer vision and pattern recognition. 2014. 6. Redmon, Joseph, et al. "You only look once: Unified,realtimeobjecdetection." Proceedings of the IEEE conference on computer vision and pattern recognition. 2016. 7. Liu, W., Anguelov, D., Erhan, D., Szegedy, C., Reed, S., Fu, C. Y., & Berg, A. C. (2016, October). Ssd: Single shot multibox detector. In European conference on computer vision (pp.21-37).Springer,October 2016. 8. Ren, Shaoqing, et al. "Faster r-cnn: Towards real-time object detection with region proposal networks." Advances in neural information processing systems. 2015. 9. Girshick, Ross. "Fast r-cnn." Proceedings of the IEEE international conference on computer vision 2015 10. Ren, Peiming, Wei Fang, and Soufiene Djahel. "A novel YOLO-Based real-time people counting approach." 2017 International Smart Cities Conference (ISC2). IEEE, 2017. 11. Ouaknine, Arthur. "Review of Deep Learning Algorithms for Object Detection." Medium. February 5 (2018): 2018. 12. https://pjreddie.com/darknet BIOGRAPHIES Keerthana T pursued Bachelor of Technology from Anna University in 2016. She is currently pursuing Master of Technology in Department of Electronics and Communication from APJ Abdul Kalam Technological University, since 2017. She has published review paper based on different methods for object detection and tracking in a reputed international journal. Her main research work focuses on deep
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2606 learning based human detection and tracking in different environments. Kala L pursued Bachelor of Technology from Kerala University and Master of Technology from NIT Calicut. She is currently working as Associate Professor in Department of Electronics and Communication at NSS College of Engineering, Palakkad since 1991. She has published many research papers in reputed international journals and conferences including IEEE. She has 27 years of teaching experience. Her interested areas include Digital Image Processing, Computer Vision, Deep Learning etc.