SlideShare a Scribd company logo
1 of 20
Video Analytics – Theme DetectionComprehending Video Stream – A Deep Learning approach
Presented by:
Rishi Gargi (11010003)
Nitin Agarwal (11810058)
Shubhendra Vatsa (11810059)
Tanvi Mittal (11810129)
Certificate Programme in Business Analytics
Co2019 - Winter
Capstone Project Review – Dec 2019
Guided by:
Prof. V. Nagadevara
ISB, Hyderabad
Sponsored by:
Mr. Jatinder Kautish
Director (AI ML Labs)
Capgemini India Pvt. Ltd.
Today’s Objectives
2
Problem Summary and Key Objectives (3 minutes)
Approach and Methodology (20 minutes)
Results & Demonstration (7 minutes)
Q & A (10 minutes)
Problem Summary & Key Objective
3
 Ability to take input as Pre-processed videos and convert
them to a ML usable format
 Detect and categorize common objects and highlight major
activity themes i.e. Positive/Negative, Safe/Risk etc.
 Outline pose/gesture to draw sentiments
 Implement all above objectives in real-time fashion where
solution can be practically deployed
Video Surveillance and anomaly detection are upcoming themes in Machine Learning
vision 2020 with an expected CAGR of 50% annually. We aimed to create an algorithm
capable of processing videos, highlighting key themes along with possible anomalies
Used case for proof-of-concept
4
Key Limitations:
 Lack of labelled data
 Computing power limitation – long training time
 Avoid re-inventing the wheel
 Data privacy & security limitations
Problem Summary
• Proof-of-concept
Multiple used-cases
Proof-of-concept for Elderly Assistance
Why “Elderly Assistance”?
 Abundance of Training data
 Opportunity for applications from other advancements
 Simplistic yet robust solution thinking required
 No real data privacy or regulatory issues
Today’s Objectives
5
Problem Summary and Key Objectives (3 minutes)
Approach and Methodology (20 minutes)
Results & Demonstration (7 minutes)
Q & A (10 minutes)
``
 Microsoft COCO dataset
 Training data for YOLO_v3 object detection algorithm
 Robust dataset with 330K images and 1.5 million
objects across 80 common categories
 Source: http://cocodataset.org
Global Video &
Image Datasets
`
`
`
Approach and Methodology – Datasets
6
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
 CMU Panoptic Dataset
 Training data for OpenPose: Pose detection algorithm
 Currently, 65 sequences (5.5 hours) and 1.5 millions
of 3D skeletons are available
 Source: https://cmu-perceptual-computing.org
 MPII human multi-person dataset
 Second training data to MPII human pose model
 Contains 25K images across 40K human bodies and
410 human activities
 Source: http://human-pose.mpi-inf.mpg.de/
`
 Kaggle Challenges in Representation Learning dataset
 Over 32K images of human faces with 7 different
labels for emotions.
 Source: https://www.kaggle.com/facial-expression-
recognition-challenge
Across the project, we plan to leverage some robust, pre-processed, publicly available datasets to attain the
final objective:
`
• Azure Cognitive Services Face API
• Used to detect, recognize, and analyze human faces
in video streams.
• Source : https://docs.microsoft.com/en-
in/azure/cognitive-services/face
Microsoft Azure
Face Recognition API
Hand Labelled
Dataset
(based on images
extracted
from movie scenes)
Approach and Methodology
7
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
To achieve a cohesive application, we have integrated 4 state-of-the-art computer vision models together to
create a power-full image processor. The key-question we are trying to answer are:
1. Possible Objectionable Objects?
Raw/Live
Video Feed
2. Unfamiliar faces in the surrounding?
3. Compromised situations?
4. Alarming emotions?
- Guns & Knifes
- Police uniforms
- Mob/too many people
- Canes/sticks etc.
- Family members
- Outsiders
- Falling down
- Slipping etc.
- Crying
- Sad/Angry
Stream Warning Score: 0-100
Approach and Methodology
8
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
We envisioned dividing the project objective into 5 discrete yet conjoined processes, which can come
together as an ensemble/composite learning model to give robust results:
1. Object
Detection
2. Pose
Estimation
3. Emotion
Detection
• Detect and label common
& uncommon objects in
image including persons,
objectionable objects
(guns, knives etc.)
• Fine tune the model to
signal partial detections
even if probability is low
• Number of frames for
which same
objectionable object is
detected
• Estimate pose of people
identified in the scene to
identify non-normal
behavior
• Estimate personal
interaction with
objectionable objects by
proximity and overlap
• Duration of pose across
frames
• Estimate facial
expressions and
sentiments of personals
detected
• Combined sentiment
score of the scene and
variability in score across
the scenes
Raw/Live
Video Feed
We used transfer learning to use & fine-tune pre-trained models
4. Facial
Recognition
• Identify familiar and
unfamiliar faces in a
scene to identify presence
of unidentified people
• Set threshold based on
number of unfamiliar
faces vs familiar faces
and track in-coming and
out-going faces from
video stream
5. Overall
warning score
• Generate a
warning score for
each scene and
hence identify
situations which
require human
interventions
Model Architecture
9
Integrated Model
Image - Processing
(2.5~2.7 FPS)
1. Object Detection
2. Pose Estimation
3. Sentiment Detection
4. Facial Recognition
Video Feed
Warning
Signals
Pre-trained NN
(Model X)
Weights trained
on basis of used
case in consideration
+ YOLO v3
(VGG 16)
(MS Cognitive API)
(Xception v3)
+ Transfer
Learning
Objects
(Type/
No.)
Human
Poses
(Scene
Avg.)
Human
Emotions
(Scene
Avg.)
Familiar/N
on-
familiar
faces
Warn
ing
Score
(0-
100)
4 0.2 0.4 2 10
3 0.3 0.6 4 50
2 0.5 0.8 2 100
… … … … ---
Stage – 1 (Individual Model Tuning) Stage – 2 (Integration) Stage – 3 (Top-up & Deployment)
The team leverage state of the art, YOLO-v3 model fine tuned using transfer learning for identification of key house-
hold objects. The algorithm allows recognition of 80 categories of common house-hold objects, but after leveraging
transfer learning it allows detection of additional objects like guns, knifes, police uniforms, canes etc.
10
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Approach and Methodology – Object Detection
Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model
- YOLO itself provides real-time speed by using
a single 106 layer NN-framework which divides
the image into regions and predicts bounding
boxes and probabilities for each region. These
bounding boxes are weighted by the predicted
probabilities to come up with labels
(All layers Frozen)
(Features extracted for
each image)
(CNN Classifier)
Input: Image
Improved
identification for Guns
& Knifes
11
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Approach and Methodology – Pose Estimation
Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model
The team leveraged pose estimation which is a skeleton based real-time action recognition system, classifying
and recognizing base on framewise joints. We used Openpose, a realtime pose estimation architecture based on VGG
16/MobileNet. We used DeepSort Algorithm to assist tracking and object identification.
OpenPose represents
the first real-time multi-
person system to
jointly detect human
body, hand, facial, and
foot keypoints (in total
135 keypoints) on single
images.
DeepSort:
Multi-person Tracking
This module from the DeepSort
algorithm was put to use to
assist in tracking, locking
onto every single object in the
frame, uniquely identifying
each one of them and tracking
all of them until they leave the
frame.
We used action
recognition with DNN
for each person based
on single framewise
joints detected from
Openpose.
Action Recognition
Using DNN
Initial Model Results Integrated Model Results
12
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Approach and Methodology – Facial Recognition
Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model
The team included face recognition feature for security purpose using the Microsoft face detection – identification
algorithm. The API allows to detect, recognize and analyze human faces to differentiate known vs unknown faces.
The Azure Cognitive Services Face API
provides algorithms that are used to
detect, recognize, and analyze human
faces in images. We utilized face
recognition and identification to
differentiate between known and
unknown faces
The API is easy too train based on
limited set of images available for
personal in the surrounding.
Based on number of known and
unknown faces in a scene, the algorithm
calculates the overall risk score. The
system hence allows detection of entry
and exit of personal in an image and
hence calculation of actual risk score.
13
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Approach and Methodology – Emotion Detection
Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model
The team leverage state of the art, Xception CNN Model model by Google for identification of facial
emotions. The algorithm allows recognition of 7 categories of human emotions in a very real-time
fashion. The model has been trained on the Kaggle dataset for Facial emotion recognition (FER)
dataset with over 32k images.
14
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Approach and Methodology – Warning Model
Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model
The team leverage custom Tensorflow DNN model for identification of warning instances. The
model takes inputs from all 4 models and predicts the final warning score based on the same (0
being normal scene and 100 being highly vulnerable). The model has been trained on self-labeled
images from Indian TV show based on crime incidences ("Saavdhaan India").
Hand Labelled
Dataset
(based on images
extracted
from movie scenes)
Warning score model & API
• The integrated model was used to process a
series of pre-labelled images (hand labelled b/w
0-100 as overall warning score). This dataset was
then used to train a final neural network, which
was integrated into the final model to assess the
final warning score of each scene
Data Collection & Knowledge Gathering
• We conducted a detailed literature
review on speech and vision analysis
including research papers
• Familiarized with common datasets like
COCO, KeyPoint etc.
Project Process Flow & Progress
15
Approach and Methodology
• Datasets
• Approach
• Project Process Flow
Realizing pre-trained models (Transfer Learning)
• We leveraged the concept of transfer learning
and realized popular pre-existing models (or
used their weights) to save on model re-training
• YOLO-v3, VGG19, Xception are some models
which we have used/realized in the process Model Integration
• We integrated these re-tuned models into a
single uniform model which takes images as
inputs and outputs a stream of detections
based on individually tuned models
• The input can be a live feed using OpenCV or a
pre-recorded video stream
Transfer learning and semi-
supervised learning saved a lot of
training time for the team and
eliminate the requirement of
special GPUs for the project
Stage -1
Stage -2
Stage -3
Stage -4
We leveraged a 4-step process to execute the project:
Today’s Objectives
16
Problem Summary and Key Objectives (3 minutes)
Approach and Methodology (20 minutes)
Results & Demonstration (7 minutes)
Q & A (10 minutes)
Time for a short DEMO!!
17
Results & Insights
Warp-up & Future Scope
18
Results & Insights
The key results we saw from the DEMO:
Objects
Known vs Unknown
Faces
Emotions
Actions
SpeedScore
Future Scope & other potential applications:
 Fast and Accurate Results
 Easy to deploy and use
 Highly customizable
 Multiple Applications
Integrated Model
Image - Processing
(2.5~2.7 FPS)
1. Object Detection
2. Pose Estimation
3. Sentiment Detection
4. Facial Recognition
Video Feed
Warning
Signals
Pre-trained NN
(Model X)
Weights trained
on basis of used
case in consideration
+ YOLO v3
(VGG 16)
(MS Cognitive API)
(Xception v3)
+ Transfer
Learning
Retain algorithm
based on intended
application
Today’s Objectives
19
Problem Summary and Key Objectives (3 minutes)
Approach and Methodology (20 minutes)
Results & Demonstration (7 minutes)
Q & A (10 minutes)
20
We are open to any of your questions/queries

More Related Content

What's hot

IRJET- Real-Time Object Detection System using Caffe Model
IRJET- Real-Time Object Detection System using Caffe ModelIRJET- Real-Time Object Detection System using Caffe Model
IRJET- Real-Time Object Detection System using Caffe ModelIRJET Journal
 
Senior Project Paper
Senior Project PaperSenior Project Paper
Senior Project PaperMark Kurtz
 
IRJET- Object Detection in an Image using Deep Learning
IRJET- Object Detection in an Image using Deep LearningIRJET- Object Detection in an Image using Deep Learning
IRJET- Object Detection in an Image using Deep LearningIRJET Journal
 
Background Subtraction Algorithm Based Human Behavior Detection
Background Subtraction Algorithm Based Human Behavior DetectionBackground Subtraction Algorithm Based Human Behavior Detection
Background Subtraction Algorithm Based Human Behavior DetectionIJERA Editor
 
Review of Pose Recognition Systems
Review of Pose Recognition SystemsReview of Pose Recognition Systems
Review of Pose Recognition Systemsvivatechijri
 
Deep learning for person re-identification
Deep learning for person re-identificationDeep learning for person re-identification
Deep learning for person re-identification哲东 郑
 
Human activity recognition
Human activity recognition Human activity recognition
Human activity recognition srikanthgadam
 
A Smart Target Detection System using Fuzzy Logic and Background Subtraction
A Smart Target Detection System using Fuzzy Logic and Background SubtractionA Smart Target Detection System using Fuzzy Logic and Background Subtraction
A Smart Target Detection System using Fuzzy Logic and Background SubtractionIRJET Journal
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecognIlyas CHAOUA
 
Deep re-id: 关于行人重识别的深度学习方法
Deep re-id: 关于行人重识别的深度学习方法Deep re-id: 关于行人重识别的深度学习方法
Deep re-id: 关于行人重识别的深度学习方法哲东 郑
 
Volume 2-issue-6-1960-1964
Volume 2-issue-6-1960-1964Volume 2-issue-6-1960-1964
Volume 2-issue-6-1960-1964Editor IJARCET
 
human activity recognization using machine learning with data analysis
human activity recognization using machine learning with data analysishuman activity recognization using machine learning with data analysis
human activity recognization using machine learning with data analysisVenkat Projects
 
Modelling Framework of a Neural Object Recognition
Modelling Framework of a Neural Object RecognitionModelling Framework of a Neural Object Recognition
Modelling Framework of a Neural Object RecognitionIJERA Editor
 
IRJET - Chatbot with Gesture based User Input
IRJET -  	  Chatbot with Gesture based User InputIRJET -  	  Chatbot with Gesture based User Input
IRJET - Chatbot with Gesture based User InputIRJET Journal
 
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人台灣資料科學年會
 
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...techkrish
 
Human activity recognition
Human activity recognitionHuman activity recognition
Human activity recognitionRandhir Gupta
 
IRJET- Application of MCNN in Object Detection
IRJET-  	  Application of MCNN in Object DetectionIRJET-  	  Application of MCNN in Object Detection
IRJET- Application of MCNN in Object DetectionIRJET Journal
 

What's hot (19)

IRJET- Real-Time Object Detection System using Caffe Model
IRJET- Real-Time Object Detection System using Caffe ModelIRJET- Real-Time Object Detection System using Caffe Model
IRJET- Real-Time Object Detection System using Caffe Model
 
Senior Project Paper
Senior Project PaperSenior Project Paper
Senior Project Paper
 
IRJET- Object Detection in an Image using Deep Learning
IRJET- Object Detection in an Image using Deep LearningIRJET- Object Detection in an Image using Deep Learning
IRJET- Object Detection in an Image using Deep Learning
 
Background Subtraction Algorithm Based Human Behavior Detection
Background Subtraction Algorithm Based Human Behavior DetectionBackground Subtraction Algorithm Based Human Behavior Detection
Background Subtraction Algorithm Based Human Behavior Detection
 
Review of Pose Recognition Systems
Review of Pose Recognition SystemsReview of Pose Recognition Systems
Review of Pose Recognition Systems
 
Deep learning for person re-identification
Deep learning for person re-identificationDeep learning for person re-identification
Deep learning for person re-identification
 
Human activity recognition
Human activity recognition Human activity recognition
Human activity recognition
 
Image recognition
Image recognitionImage recognition
Image recognition
 
A Smart Target Detection System using Fuzzy Logic and Background Subtraction
A Smart Target Detection System using Fuzzy Logic and Background SubtractionA Smart Target Detection System using Fuzzy Logic and Background Subtraction
A Smart Target Detection System using Fuzzy Logic and Background Subtraction
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecogn
 
Deep re-id: 关于行人重识别的深度学习方法
Deep re-id: 关于行人重识别的深度学习方法Deep re-id: 关于行人重识别的深度学习方法
Deep re-id: 关于行人重识别的深度学习方法
 
Volume 2-issue-6-1960-1964
Volume 2-issue-6-1960-1964Volume 2-issue-6-1960-1964
Volume 2-issue-6-1960-1964
 
human activity recognization using machine learning with data analysis
human activity recognization using machine learning with data analysishuman activity recognization using machine learning with data analysis
human activity recognization using machine learning with data analysis
 
Modelling Framework of a Neural Object Recognition
Modelling Framework of a Neural Object RecognitionModelling Framework of a Neural Object Recognition
Modelling Framework of a Neural Object Recognition
 
IRJET - Chatbot with Gesture based User Input
IRJET -  	  Chatbot with Gesture based User InputIRJET -  	  Chatbot with Gesture based User Input
IRJET - Chatbot with Gesture based User Input
 
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人
[TOxAIA新竹分校] 工業4.0潛力新應用! 多模式對話機器人
 
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...
Multimodal Analysis for Bridging Semantic Gap with Biologically Inspired Algo...
 
Human activity recognition
Human activity recognitionHuman activity recognition
Human activity recognition
 
IRJET- Application of MCNN in Object Detection
IRJET-  	  Application of MCNN in Object DetectionIRJET-  	  Application of MCNN in Object Detection
IRJET- Application of MCNN in Object Detection
 

Similar to Elderly Assistance- Deep Learning Theme detection

Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language DetectionIRJET 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
 
Announcing the Final Examination of Mr. Paul Smith for the ...
Announcing the Final Examination of Mr. Paul Smith for the ...Announcing the Final Examination of Mr. Paul Smith for the ...
Announcing the Final Examination of Mr. Paul Smith for the ...butest
 
A Framework for Human Action Detection via Extraction of Multimodal Features
A Framework for Human Action Detection via Extraction of Multimodal FeaturesA Framework for Human Action Detection via Extraction of Multimodal Features
A Framework for Human Action Detection via Extraction of Multimodal FeaturesCSCJournals
 
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCE
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCECRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCE
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCEvivatechijri
 
Activity Recognition Using RGB-Depth Sensors-Final report
Activity Recognition Using RGB-Depth Sensors-Final reportActivity Recognition Using RGB-Depth Sensors-Final report
Activity Recognition Using RGB-Depth Sensors-Final reportnazlitemu
 
IRJET- Object Detection in Real Time using AI and Deep Learning
IRJET- Object Detection in Real Time using AI and Deep LearningIRJET- Object Detection in Real Time using AI and Deep Learning
IRJET- Object Detection in Real Time using AI and Deep LearningIRJET Journal
 
Criminal Face Identification
Criminal Face IdentificationCriminal Face Identification
Criminal Face IdentificationIRJET Journal
 
IRJET - Emotion Recognising System-Crowd Behavior Analysis
IRJET -  	  Emotion Recognising System-Crowd Behavior AnalysisIRJET -  	  Emotion Recognising System-Crowd Behavior Analysis
IRJET - Emotion Recognising System-Crowd Behavior AnalysisIRJET Journal
 
HUMAN MOTION DETECTION AND TRACKING FOR VIDEO SURVEILLANCE
HUMAN MOTION  DETECTION AND TRACKING FOR VIDEO SURVEILLANCEHUMAN MOTION  DETECTION AND TRACKING FOR VIDEO SURVEILLANCE
HUMAN MOTION DETECTION AND TRACKING FOR VIDEO SURVEILLANCENEHA THADEUS
 
Project report of thr facial expressionppt.pptx
Project report of thr facial expressionppt.pptxProject report of thr facial expressionppt.pptx
Project report of thr facial expressionppt.pptxtaxihig737
 
Final PPT.ppt about human detection and counting
Final PPT.ppt  about human detection and countingFinal PPT.ppt  about human detection and counting
Final PPT.ppt about human detection and countingArbazAhmad25
 
Object detection presentation
Object detection presentationObject detection presentation
Object detection presentationAshwinBicholiya
 
Suspicious Activity Detection
Suspicious Activity DetectionSuspicious Activity Detection
Suspicious Activity DetectionMushahid Ali
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptxRADO7900
 

Similar to Elderly Assistance- Deep Learning Theme detection (20)

Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
A guide to Face Detection in Python.pdf
A guide to Face Detection in Python.pdfA guide to Face Detection in Python.pdf
A guide to Face Detection in Python.pdf
 
YOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection SystemYOLOv4: A Face Mask Detection System
YOLOv4: A Face Mask Detection System
 
Announcing the Final Examination of Mr. Paul Smith for the ...
Announcing the Final Examination of Mr. Paul Smith for the ...Announcing the Final Examination of Mr. Paul Smith for the ...
Announcing the Final Examination of Mr. Paul Smith for the ...
 
A Framework for Human Action Detection via Extraction of Multimodal Features
A Framework for Human Action Detection via Extraction of Multimodal FeaturesA Framework for Human Action Detection via Extraction of Multimodal Features
A Framework for Human Action Detection via Extraction of Multimodal Features
 
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCE
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCECRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCE
CRIMINAL IDENTIFICATION FOR LOW RESOLUTION SURVEILLANCE
 
Activity Recognition Using RGB-Depth Sensors-Final report
Activity Recognition Using RGB-Depth Sensors-Final reportActivity Recognition Using RGB-Depth Sensors-Final report
Activity Recognition Using RGB-Depth Sensors-Final report
 
IRJET- Object Detection in Real Time using AI and Deep Learning
IRJET- Object Detection in Real Time using AI and Deep LearningIRJET- Object Detection in Real Time using AI and Deep Learning
IRJET- Object Detection in Real Time using AI and Deep Learning
 
Criminal Face Identification
Criminal Face IdentificationCriminal Face Identification
Criminal Face Identification
 
IRJET - Emotion Recognising System-Crowd Behavior Analysis
IRJET -  	  Emotion Recognising System-Crowd Behavior AnalysisIRJET -  	  Emotion Recognising System-Crowd Behavior Analysis
IRJET - Emotion Recognising System-Crowd Behavior Analysis
 
Paper of Final Year Project.pdf
Paper of Final Year Project.pdfPaper of Final Year Project.pdf
Paper of Final Year Project.pdf
 
HUMAN MOTION DETECTION AND TRACKING FOR VIDEO SURVEILLANCE
HUMAN MOTION  DETECTION AND TRACKING FOR VIDEO SURVEILLANCEHUMAN MOTION  DETECTION AND TRACKING FOR VIDEO SURVEILLANCE
HUMAN MOTION DETECTION AND TRACKING FOR VIDEO SURVEILLANCE
 
Project report of thr facial expressionppt.pptx
Project report of thr facial expressionppt.pptxProject report of thr facial expressionppt.pptx
Project report of thr facial expressionppt.pptx
 
Final PPT.ppt about human detection and counting
Final PPT.ppt  about human detection and countingFinal PPT.ppt  about human detection and counting
Final PPT.ppt about human detection and counting
 
Object detection presentation
Object detection presentationObject detection presentation
Object detection presentation
 
Suspicious Activity Detection
Suspicious Activity DetectionSuspicious Activity Detection
Suspicious Activity Detection
 
Emotion detection using cnn.pptx
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptx
 
Final year ppt
Final year pptFinal year ppt
Final year ppt
 
Ai use cases
Ai use casesAi use cases
Ai use cases
 
inam
inaminam
inam
 

Recently uploaded

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改atducpo
 
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝soniya singh
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxFurkanTasci3
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAbdelrhman abooda
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130Suhani Kapoor
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...Florian Roscheck
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Jack DiGiovanna
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsappssapnasaifi408
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)jennyeacort
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPramod Kumar Srivastava
 
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一F La
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home ServiceSapana Sha
 

Recently uploaded (20)

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
 
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptx
 
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
 
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service
 
Call Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort ServiceCall Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort Service
 

Elderly Assistance- Deep Learning Theme detection

  • 1. Video Analytics – Theme DetectionComprehending Video Stream – A Deep Learning approach Presented by: Rishi Gargi (11010003) Nitin Agarwal (11810058) Shubhendra Vatsa (11810059) Tanvi Mittal (11810129) Certificate Programme in Business Analytics Co2019 - Winter Capstone Project Review – Dec 2019 Guided by: Prof. V. Nagadevara ISB, Hyderabad Sponsored by: Mr. Jatinder Kautish Director (AI ML Labs) Capgemini India Pvt. Ltd.
  • 2. Today’s Objectives 2 Problem Summary and Key Objectives (3 minutes) Approach and Methodology (20 minutes) Results & Demonstration (7 minutes) Q & A (10 minutes)
  • 3. Problem Summary & Key Objective 3  Ability to take input as Pre-processed videos and convert them to a ML usable format  Detect and categorize common objects and highlight major activity themes i.e. Positive/Negative, Safe/Risk etc.  Outline pose/gesture to draw sentiments  Implement all above objectives in real-time fashion where solution can be practically deployed Video Surveillance and anomaly detection are upcoming themes in Machine Learning vision 2020 with an expected CAGR of 50% annually. We aimed to create an algorithm capable of processing videos, highlighting key themes along with possible anomalies
  • 4. Used case for proof-of-concept 4 Key Limitations:  Lack of labelled data  Computing power limitation – long training time  Avoid re-inventing the wheel  Data privacy & security limitations Problem Summary • Proof-of-concept Multiple used-cases Proof-of-concept for Elderly Assistance Why “Elderly Assistance”?  Abundance of Training data  Opportunity for applications from other advancements  Simplistic yet robust solution thinking required  No real data privacy or regulatory issues
  • 5. Today’s Objectives 5 Problem Summary and Key Objectives (3 minutes) Approach and Methodology (20 minutes) Results & Demonstration (7 minutes) Q & A (10 minutes)
  • 6. ``  Microsoft COCO dataset  Training data for YOLO_v3 object detection algorithm  Robust dataset with 330K images and 1.5 million objects across 80 common categories  Source: http://cocodataset.org Global Video & Image Datasets ` ` ` Approach and Methodology – Datasets 6 Approach and Methodology • Datasets • Approach • Project Process Flow  CMU Panoptic Dataset  Training data for OpenPose: Pose detection algorithm  Currently, 65 sequences (5.5 hours) and 1.5 millions of 3D skeletons are available  Source: https://cmu-perceptual-computing.org  MPII human multi-person dataset  Second training data to MPII human pose model  Contains 25K images across 40K human bodies and 410 human activities  Source: http://human-pose.mpi-inf.mpg.de/ `  Kaggle Challenges in Representation Learning dataset  Over 32K images of human faces with 7 different labels for emotions.  Source: https://www.kaggle.com/facial-expression- recognition-challenge Across the project, we plan to leverage some robust, pre-processed, publicly available datasets to attain the final objective: ` • Azure Cognitive Services Face API • Used to detect, recognize, and analyze human faces in video streams. • Source : https://docs.microsoft.com/en- in/azure/cognitive-services/face Microsoft Azure Face Recognition API Hand Labelled Dataset (based on images extracted from movie scenes)
  • 7. Approach and Methodology 7 Approach and Methodology • Datasets • Approach • Project Process Flow To achieve a cohesive application, we have integrated 4 state-of-the-art computer vision models together to create a power-full image processor. The key-question we are trying to answer are: 1. Possible Objectionable Objects? Raw/Live Video Feed 2. Unfamiliar faces in the surrounding? 3. Compromised situations? 4. Alarming emotions? - Guns & Knifes - Police uniforms - Mob/too many people - Canes/sticks etc. - Family members - Outsiders - Falling down - Slipping etc. - Crying - Sad/Angry Stream Warning Score: 0-100
  • 8. Approach and Methodology 8 Approach and Methodology • Datasets • Approach • Project Process Flow We envisioned dividing the project objective into 5 discrete yet conjoined processes, which can come together as an ensemble/composite learning model to give robust results: 1. Object Detection 2. Pose Estimation 3. Emotion Detection • Detect and label common & uncommon objects in image including persons, objectionable objects (guns, knives etc.) • Fine tune the model to signal partial detections even if probability is low • Number of frames for which same objectionable object is detected • Estimate pose of people identified in the scene to identify non-normal behavior • Estimate personal interaction with objectionable objects by proximity and overlap • Duration of pose across frames • Estimate facial expressions and sentiments of personals detected • Combined sentiment score of the scene and variability in score across the scenes Raw/Live Video Feed We used transfer learning to use & fine-tune pre-trained models 4. Facial Recognition • Identify familiar and unfamiliar faces in a scene to identify presence of unidentified people • Set threshold based on number of unfamiliar faces vs familiar faces and track in-coming and out-going faces from video stream 5. Overall warning score • Generate a warning score for each scene and hence identify situations which require human interventions
  • 9. Model Architecture 9 Integrated Model Image - Processing (2.5~2.7 FPS) 1. Object Detection 2. Pose Estimation 3. Sentiment Detection 4. Facial Recognition Video Feed Warning Signals Pre-trained NN (Model X) Weights trained on basis of used case in consideration + YOLO v3 (VGG 16) (MS Cognitive API) (Xception v3) + Transfer Learning Objects (Type/ No.) Human Poses (Scene Avg.) Human Emotions (Scene Avg.) Familiar/N on- familiar faces Warn ing Score (0- 100) 4 0.2 0.4 2 10 3 0.3 0.6 4 50 2 0.5 0.8 2 100 … … … … --- Stage – 1 (Individual Model Tuning) Stage – 2 (Integration) Stage – 3 (Top-up & Deployment)
  • 10. The team leverage state of the art, YOLO-v3 model fine tuned using transfer learning for identification of key house- hold objects. The algorithm allows recognition of 80 categories of common house-hold objects, but after leveraging transfer learning it allows detection of additional objects like guns, knifes, police uniforms, canes etc. 10 Approach and Methodology • Datasets • Approach • Project Process Flow Approach and Methodology – Object Detection Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model - YOLO itself provides real-time speed by using a single 106 layer NN-framework which divides the image into regions and predicts bounding boxes and probabilities for each region. These bounding boxes are weighted by the predicted probabilities to come up with labels (All layers Frozen) (Features extracted for each image) (CNN Classifier) Input: Image Improved identification for Guns & Knifes
  • 11. 11 Approach and Methodology • Datasets • Approach • Project Process Flow Approach and Methodology – Pose Estimation Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model The team leveraged pose estimation which is a skeleton based real-time action recognition system, classifying and recognizing base on framewise joints. We used Openpose, a realtime pose estimation architecture based on VGG 16/MobileNet. We used DeepSort Algorithm to assist tracking and object identification. OpenPose represents the first real-time multi- person system to jointly detect human body, hand, facial, and foot keypoints (in total 135 keypoints) on single images. DeepSort: Multi-person Tracking This module from the DeepSort algorithm was put to use to assist in tracking, locking onto every single object in the frame, uniquely identifying each one of them and tracking all of them until they leave the frame. We used action recognition with DNN for each person based on single framewise joints detected from Openpose. Action Recognition Using DNN Initial Model Results Integrated Model Results
  • 12. 12 Approach and Methodology • Datasets • Approach • Project Process Flow Approach and Methodology – Facial Recognition Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model The team included face recognition feature for security purpose using the Microsoft face detection – identification algorithm. The API allows to detect, recognize and analyze human faces to differentiate known vs unknown faces. The Azure Cognitive Services Face API provides algorithms that are used to detect, recognize, and analyze human faces in images. We utilized face recognition and identification to differentiate between known and unknown faces The API is easy too train based on limited set of images available for personal in the surrounding. Based on number of known and unknown faces in a scene, the algorithm calculates the overall risk score. The system hence allows detection of entry and exit of personal in an image and hence calculation of actual risk score.
  • 13. 13 Approach and Methodology • Datasets • Approach • Project Process Flow Approach and Methodology – Emotion Detection Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model The team leverage state of the art, Xception CNN Model model by Google for identification of facial emotions. The algorithm allows recognition of 7 categories of human emotions in a very real-time fashion. The model has been trained on the Kaggle dataset for Facial emotion recognition (FER) dataset with over 32k images.
  • 14. 14 Approach and Methodology • Datasets • Approach • Project Process Flow Approach and Methodology – Warning Model Object Detection Pose Estimation Emotion DetectionFacial Recognition Warning Model The team leverage custom Tensorflow DNN model for identification of warning instances. The model takes inputs from all 4 models and predicts the final warning score based on the same (0 being normal scene and 100 being highly vulnerable). The model has been trained on self-labeled images from Indian TV show based on crime incidences ("Saavdhaan India"). Hand Labelled Dataset (based on images extracted from movie scenes)
  • 15. Warning score model & API • The integrated model was used to process a series of pre-labelled images (hand labelled b/w 0-100 as overall warning score). This dataset was then used to train a final neural network, which was integrated into the final model to assess the final warning score of each scene Data Collection & Knowledge Gathering • We conducted a detailed literature review on speech and vision analysis including research papers • Familiarized with common datasets like COCO, KeyPoint etc. Project Process Flow & Progress 15 Approach and Methodology • Datasets • Approach • Project Process Flow Realizing pre-trained models (Transfer Learning) • We leveraged the concept of transfer learning and realized popular pre-existing models (or used their weights) to save on model re-training • YOLO-v3, VGG19, Xception are some models which we have used/realized in the process Model Integration • We integrated these re-tuned models into a single uniform model which takes images as inputs and outputs a stream of detections based on individually tuned models • The input can be a live feed using OpenCV or a pre-recorded video stream Transfer learning and semi- supervised learning saved a lot of training time for the team and eliminate the requirement of special GPUs for the project Stage -1 Stage -2 Stage -3 Stage -4 We leveraged a 4-step process to execute the project:
  • 16. Today’s Objectives 16 Problem Summary and Key Objectives (3 minutes) Approach and Methodology (20 minutes) Results & Demonstration (7 minutes) Q & A (10 minutes)
  • 17. Time for a short DEMO!! 17 Results & Insights
  • 18. Warp-up & Future Scope 18 Results & Insights The key results we saw from the DEMO: Objects Known vs Unknown Faces Emotions Actions SpeedScore Future Scope & other potential applications:  Fast and Accurate Results  Easy to deploy and use  Highly customizable  Multiple Applications Integrated Model Image - Processing (2.5~2.7 FPS) 1. Object Detection 2. Pose Estimation 3. Sentiment Detection 4. Facial Recognition Video Feed Warning Signals Pre-trained NN (Model X) Weights trained on basis of used case in consideration + YOLO v3 (VGG 16) (MS Cognitive API) (Xception v3) + Transfer Learning Retain algorithm based on intended application
  • 19. Today’s Objectives 19 Problem Summary and Key Objectives (3 minutes) Approach and Methodology (20 minutes) Results & Demonstration (7 minutes) Q & A (10 minutes)
  • 20. 20 We are open to any of your questions/queries