SlideShare a Scribd company logo
1 of 20
DEVELOPING THE RESNET
NEURAL NETWORK FOR
URBAN OBJECT DETECTION IN
UAV
ACHARYA NAGARJUNA UNIVERSITY
BY :
M . LEELA PHANI L21EC3269
G . PARDAV Y20EC3214
P . YADIDYA Y20EC3242
UNDER THE GUIDANCE OF :
PROF.P.SIDDAIAH .
M.TECH,PH.D .
TABLE OF CONTENTS
01
04
02
05
03
LITERATURE REVIEW PROBLEM STATEMENT PROPOSED METHOD
BASIC CODE FUTURE WORK
06
EVALUATION
PARAMETERS
ABSTRACT
 In this project, we have proposed a cutting-
edge model for object classification of UAV
(unmanned aerial vehicle) captured urban
area images dataset. We have used COCO-
dataset and PASCAL VOC which is a popular
dataset for aerial images classification and
detection using deep network designer
present in MATLAB.
WHAT SHOULD YOU KNOW FIRST
 UAV's object detection plays a crucial role in
fields such as agriculture, disaster response,
surveillance, and environmental monitoring.
 The integration of CNN in UAV enables to
autonomously detect and classify objects in
real world
 CNNs are particularly effective for this task
due to their ability to learn hierarchical
features from images
S.NO TITLE OF
SAMPLE PAPER
YEAR AUTHO
R
TECHNIQUE ACCURACY LIMITATIONS &
DRAWBACKS
1 Computer vision
methods for 2D object
detection from UAV
2020 Marco Leo RGB based
Object detection
83.4% • Only for indoor
navigation and
applicable for
only limited hieght
2 Object Detection in
UAV images via
Global density Fused
convolution Network
2020 Xiao
Haung
GDF net (global
density fused
convolution
Network)
85.26% • Requires more
computational
power
• Many layers in the
network increases
time
LITERATURE REVIEW
3 COMNET:
Combinationa neural
network for object
detection in UAV
borne thermal images
2020 Jiasong Li Combinational
Network
87.4% • It is only
applicable for
night vison and
processes only
thermal images
only
S.
NO
TITLE OF SAMPLE
PAPER
YEAR AUTHOR TECHNIQUE ACCURACY LIMITATIONS &
DRAWBACKS
4 Multiscale object
Detection from drone
imagery using ensemble
transfer learning
2021 Abali
malathe
Ensemble learning
ResNet
94.56% • It can’t detect new
objects
• Can’t able to
handle complex
scenes
5 Object Detection from the
video taken by drone via
convolution neural
Network
2020 Chefan sun Tensor flow object
detection API
96.54% • Computationally
more Expensive
6 On board small sacle
object detection for
Unmanned Aerial Vehicle
(UAV)
2023 Muhamma
d yousaf
YOLO, SSD(single
shot multibox
Detector)
91.26% • Small target sizes
• Low resolution
occlusion
• Data Set scarcity
S. NO TITLE OF SAMPLE
PAPER
YEAR AUTHOR TECHNIQUE ACCURACY LIMITATIONS &
DRAWBACKS
7 Evaluating the influence
of backbone of network
architectures for object
detection in aerial
images
2023 Kanhg
nquyen
Faster R-CNN
,backbone
networks
77.64% • Only focuses on
vehicle detection
• Only used to two
data sets which
may not represents
the real world
aerial images
8 Adaptive dense pyramid
network for object
detection in UAV
imagery
2022 Yufeng wang VGG-16
Backbone
SSD
84.26% • Network has higher
computational
complexity
• It does not consider
the rotation and
occlusion of objects
 The journals confined that existing object
detection methods based on Convolutional
Neural Networks (CNNs) often suffer from
poor generalization and robustness when
applied to UAV images, as they are usually
pre-trained on natural scene images that have
different characteristics and distributions.
 Therefore, there is a need for an effective and
efficient system that can detect urban objects
from UAV images using a deep learning model
that is specifically designed and trained for
UAV data.
PROBLEM STATEMENT
 In this project, the utilization of ResNet is
pivotal to enhance the efficiency of
object detection
 Res Net architectures are versatile and
applicable to various CNN tasks
including object classification
 YOLO (you only look once) is neural
network architecture is best efficient
detector for real time object detection
PROPOSED METHOD
LET’S FLY
 ResNet, short for Residual Network, is a deep
learning architecture known for its ability to
train very deep neural networks effectively.
 Its skip connections allow for easier
optimization and can be beneficial for object
detection tasks in UAVs.
 The ResNet architecture introduces the
simple concept of adding an intermediate
input to the output of a series of convolution
blocks
Res Net
ResNet(cont)
TRAINING PLOT
• The Accuracy of ResNet 101 pre trained Convolution Neural Network with 0.01
learning rate using Sgdm Optimizer is nearly 95% with a certain data set
IN [ ] : clc;
net = trainedNetwork_3;
data = image Datastore ("D:project
filesdatalearningtest","IncludeSubfolders",true,"LabelSource","foldernames")
;
in = augmentedImageDatastore ([224 224],data);
Labels = data. Labels;
predict = classify(net, in);
accuracy = (sum(Labels == predict, "all“)/numel(predict))*100;
disp(accuracy);
confusion chart(Labels, predict)
stats = statsOfMeasure(confusion mat(Labels, predict),1);
%Process a sequence of files.
MATLAB SYNTAX
IN [ ] : imds = image Datastore ("D:project filesdata learningvalidate", "include
Subfolders",true,"Label Source“,"Folder names");
% Create an image Datastore
%Get all filenames into one cell array. Filenames have the complete path
(folder prepended).
all Filenames = imds. Files;
Num Files = numel(imds. Files);
for k = 1 : numel(all Filenames)
% Get this file name.
full Filename = all Filenames{k};
in_data = imresize(imread(full Filename),[224 224]);
[Label, Probability] = classify(net, in_data);
figure;
IN [ ] : imshow(in_data);
title({char(Label),(max(Probability))})
end
OUT [ ] :
EVALUATION PARAMETERS
RESULTS
FUTURE WORK :
Using the trained network we classify the images of
urban area captured by satellite and try to improve the
accuracy of object classification compared with
traditional method of object classification which has less
accuracy in object classification.
THANK YOU

More Related Content

Similar to URBAN OBJECT DETECTION IN UAV RESNETpptx

Similar to URBAN OBJECT DETECTION IN UAV RESNETpptx (20)

Person Detection in Maritime Search And Rescue Operations
Person Detection in Maritime Search And Rescue OperationsPerson Detection in Maritime Search And Rescue Operations
Person Detection in Maritime Search And Rescue Operations
 
A REVIEW ON IMPROVING TRAFFIC-SIGN DETECTION USING YOLO ALGORITHM FOR OBJECT ...
A REVIEW ON IMPROVING TRAFFIC-SIGN DETECTION USING YOLO ALGORITHM FOR OBJECT ...A REVIEW ON IMPROVING TRAFFIC-SIGN DETECTION USING YOLO ALGORITHM FOR OBJECT ...
A REVIEW ON IMPROVING TRAFFIC-SIGN DETECTION USING YOLO ALGORITHM FOR OBJECT ...
 
Satellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning SurveySatellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning Survey
 
A Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detectionA Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detection
 
“Understanding DNN-Based Object Detectors,” a Presentation from Au-Zone Techn...
“Understanding DNN-Based Object Detectors,” a Presentation from Au-Zone Techn...“Understanding DNN-Based Object Detectors,” a Presentation from Au-Zone Techn...
“Understanding DNN-Based Object Detectors,” a Presentation from Au-Zone Techn...
 
Major PRC-1 ppt.pptx
Major PRC-1 ppt.pptxMajor PRC-1 ppt.pptx
Major PRC-1 ppt.pptx
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
Robust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention NetworkRobust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention Network
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
IRJET- 3D Object Recognition of Car Image Detection
IRJET-  	  3D Object Recognition of Car Image DetectionIRJET-  	  3D Object Recognition of Car Image Detection
IRJET- 3D Object Recognition of Car Image Detection
 
CROP PROTECTION AGAINST BIRDS USING DEEP LEARNING AND IOT
CROP PROTECTION AGAINST BIRDS USING DEEP LEARNING AND IOTCROP PROTECTION AGAINST BIRDS USING DEEP LEARNING AND IOT
CROP PROTECTION AGAINST BIRDS USING DEEP LEARNING AND IOT
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 
Easily Trainable Neural Network Using TransferLearning
Easily Trainable Neural Network Using TransferLearningEasily Trainable Neural Network Using TransferLearning
Easily Trainable Neural Network Using TransferLearning
 
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
 
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
 
Technical Writing Paper Presentation .pptx
Technical Writing Paper Presentation .pptxTechnical Writing Paper Presentation .pptx
Technical Writing Paper Presentation .pptx
 
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
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep Learning
 
Partial half fine-tuning for object detection with unmanned aerial vehicles
Partial half fine-tuning for object detection with unmanned aerial vehiclesPartial half fine-tuning for object detection with unmanned aerial vehicles
Partial half fine-tuning for object detection with unmanned aerial vehicles
 
Scene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural NetworkScene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural Network
 

Recently uploaded

Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
Epec Engineered Technologies
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
HenryBriggs2
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
mphochane1998
 
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
AldoGarca30
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
ssuser89054b
 
Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
meharikiros2
 

Recently uploaded (20)

Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdf
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
 
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
 
Design For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startDesign For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the start
 
Linux Systems Programming: Inter Process Communication (IPC) using Pipes
Linux Systems Programming: Inter Process Communication (IPC) using PipesLinux Systems Programming: Inter Process Communication (IPC) using Pipes
Linux Systems Programming: Inter Process Communication (IPC) using Pipes
 
Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)
 
Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)
 
Ground Improvement Technique: Earth Reinforcement
Ground Improvement Technique: Earth ReinforcementGround Improvement Technique: Earth Reinforcement
Ground Improvement Technique: Earth Reinforcement
 
Worksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptxWorksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptx
 
fitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .pptfitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .ppt
 
8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessor8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessor
 
Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdf
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
Computer Graphics Introduction To Curves
Computer Graphics Introduction To CurvesComputer Graphics Introduction To Curves
Computer Graphics Introduction To Curves
 
Computer Networks Basics of Network Devices
Computer Networks  Basics of Network DevicesComputer Networks  Basics of Network Devices
Computer Networks Basics of Network Devices
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
 

URBAN OBJECT DETECTION IN UAV RESNETpptx

  • 1. DEVELOPING THE RESNET NEURAL NETWORK FOR URBAN OBJECT DETECTION IN UAV ACHARYA NAGARJUNA UNIVERSITY BY : M . LEELA PHANI L21EC3269 G . PARDAV Y20EC3214 P . YADIDYA Y20EC3242 UNDER THE GUIDANCE OF : PROF.P.SIDDAIAH . M.TECH,PH.D .
  • 2. TABLE OF CONTENTS 01 04 02 05 03 LITERATURE REVIEW PROBLEM STATEMENT PROPOSED METHOD BASIC CODE FUTURE WORK 06 EVALUATION PARAMETERS
  • 3. ABSTRACT  In this project, we have proposed a cutting- edge model for object classification of UAV (unmanned aerial vehicle) captured urban area images dataset. We have used COCO- dataset and PASCAL VOC which is a popular dataset for aerial images classification and detection using deep network designer present in MATLAB.
  • 4. WHAT SHOULD YOU KNOW FIRST  UAV's object detection plays a crucial role in fields such as agriculture, disaster response, surveillance, and environmental monitoring.  The integration of CNN in UAV enables to autonomously detect and classify objects in real world  CNNs are particularly effective for this task due to their ability to learn hierarchical features from images
  • 5. S.NO TITLE OF SAMPLE PAPER YEAR AUTHO R TECHNIQUE ACCURACY LIMITATIONS & DRAWBACKS 1 Computer vision methods for 2D object detection from UAV 2020 Marco Leo RGB based Object detection 83.4% • Only for indoor navigation and applicable for only limited hieght 2 Object Detection in UAV images via Global density Fused convolution Network 2020 Xiao Haung GDF net (global density fused convolution Network) 85.26% • Requires more computational power • Many layers in the network increases time LITERATURE REVIEW 3 COMNET: Combinationa neural network for object detection in UAV borne thermal images 2020 Jiasong Li Combinational Network 87.4% • It is only applicable for night vison and processes only thermal images only
  • 6. S. NO TITLE OF SAMPLE PAPER YEAR AUTHOR TECHNIQUE ACCURACY LIMITATIONS & DRAWBACKS 4 Multiscale object Detection from drone imagery using ensemble transfer learning 2021 Abali malathe Ensemble learning ResNet 94.56% • It can’t detect new objects • Can’t able to handle complex scenes 5 Object Detection from the video taken by drone via convolution neural Network 2020 Chefan sun Tensor flow object detection API 96.54% • Computationally more Expensive 6 On board small sacle object detection for Unmanned Aerial Vehicle (UAV) 2023 Muhamma d yousaf YOLO, SSD(single shot multibox Detector) 91.26% • Small target sizes • Low resolution occlusion • Data Set scarcity
  • 7. S. NO TITLE OF SAMPLE PAPER YEAR AUTHOR TECHNIQUE ACCURACY LIMITATIONS & DRAWBACKS 7 Evaluating the influence of backbone of network architectures for object detection in aerial images 2023 Kanhg nquyen Faster R-CNN ,backbone networks 77.64% • Only focuses on vehicle detection • Only used to two data sets which may not represents the real world aerial images 8 Adaptive dense pyramid network for object detection in UAV imagery 2022 Yufeng wang VGG-16 Backbone SSD 84.26% • Network has higher computational complexity • It does not consider the rotation and occlusion of objects
  • 8.  The journals confined that existing object detection methods based on Convolutional Neural Networks (CNNs) often suffer from poor generalization and robustness when applied to UAV images, as they are usually pre-trained on natural scene images that have different characteristics and distributions.  Therefore, there is a need for an effective and efficient system that can detect urban objects from UAV images using a deep learning model that is specifically designed and trained for UAV data. PROBLEM STATEMENT
  • 9.  In this project, the utilization of ResNet is pivotal to enhance the efficiency of object detection  Res Net architectures are versatile and applicable to various CNN tasks including object classification  YOLO (you only look once) is neural network architecture is best efficient detector for real time object detection PROPOSED METHOD
  • 11.  ResNet, short for Residual Network, is a deep learning architecture known for its ability to train very deep neural networks effectively.  Its skip connections allow for easier optimization and can be beneficial for object detection tasks in UAVs.  The ResNet architecture introduces the simple concept of adding an intermediate input to the output of a series of convolution blocks Res Net
  • 13. TRAINING PLOT • The Accuracy of ResNet 101 pre trained Convolution Neural Network with 0.01 learning rate using Sgdm Optimizer is nearly 95% with a certain data set
  • 14. IN [ ] : clc; net = trainedNetwork_3; data = image Datastore ("D:project filesdatalearningtest","IncludeSubfolders",true,"LabelSource","foldernames") ; in = augmentedImageDatastore ([224 224],data); Labels = data. Labels; predict = classify(net, in); accuracy = (sum(Labels == predict, "all“)/numel(predict))*100; disp(accuracy); confusion chart(Labels, predict) stats = statsOfMeasure(confusion mat(Labels, predict),1); %Process a sequence of files. MATLAB SYNTAX
  • 15. IN [ ] : imds = image Datastore ("D:project filesdata learningvalidate", "include Subfolders",true,"Label Source“,"Folder names"); % Create an image Datastore %Get all filenames into one cell array. Filenames have the complete path (folder prepended). all Filenames = imds. Files; Num Files = numel(imds. Files); for k = 1 : numel(all Filenames) % Get this file name. full Filename = all Filenames{k}; in_data = imresize(imread(full Filename),[224 224]); [Label, Probability] = classify(net, in_data); figure;
  • 16. IN [ ] : imshow(in_data); title({char(Label),(max(Probability))}) end OUT [ ] :
  • 19. FUTURE WORK : Using the trained network we classify the images of urban area captured by satellite and try to improve the accuracy of object classification compared with traditional method of object classification which has less accuracy in object classification.