SlideShare a Scribd company logo
1 of 24
- By Aditya Bhattacharya
- Data and Cloud Platform Engineer, West
Pharmaceuticals
NIT Silchar ML Hackathon
Computer Vision
About Me
My Associations
My Interests
Goals of this discussion!
• Introduce you to new topics and concepts
• Discuss about practical use cases
• Develop new intuitions
• Improve existing intuitions
• Pro-tips!
Topics to be discussed
• Convolutional Neural Networks ( CNN or ConvNets )
• Popular ConvNet Architectures
• Data Augmentation
• Transfer Learning
• Object Detection
• Neural Style Transfer
• Generative Adversarial Networks (GANs)
• Variational Auto Encoders (VAEs)
Typical Computer Vision Problems
- Image Classification
- Object Detection
- Neural Style Transfer
- Image Generation
Image Generation
Neural Style Transfer
Convolutional Neural Networks (CNN or ConvNets)
Why CNN? Why not classical ML approach?
- Classical ML approach requires a lot of research on the dataset for
feature engineering
- Requires cleaner dataset for higher accuracy
- Accuracy of the algorithms were not good enough with classical ML
approach
- CNNs are far more accurate and reliable and easier to implement
Convolutional Neural Networks (CNN or ConvNets)
How does a convolution work?
original
(n x n) * (f x f) = (n-f+1) x (n – f +1)
Padding and Strided convolution ?
(n x n) * (f x f) = ((n + 2p –f) /s ) + 1) x ((n +
2p –f) /s ) + 1)
Valid Convolution
Same Convolution
Convolutional Neural Networks (CNN or ConvNets)
Edge Detection
Convolutional Neural Networks (CNN or ConvNets)
Pooling
Deep Convolution Neural Network
Popular ConvNet Architectures
ResNet
LeNet
VGG
AlexNet
Inception Net
Data Augmentation
Types of operation
• Mirroring
• Random Crop
• Rotation
• Shearing
• Warpig
• Colour Shifting
Why Data Augmentation?
• With a smaller dataset over-fitting is a huge
problem.
• Data augmentation helps you to expand your
dataset from available data in an unbiased way.
Transfer Learning
What is transfer learning?
• A deep learning approach to use a pretrained network or model
and fine tune it and re-train with custom labels to obtain solution
for a similar problem.
• Example : Working with ImageNet
Why transfer learning?
• CV requires a large dataset, which might not be available all the
time.
• Much faster and reliable approach than training a CNN from
scratch.
Transfer Learning
• Working on Pre-Trained networks
• Load a pretrained network
• Replace the final layer including the output layer
• Fine tune the weights depending on new task and new data
• Train the network on the data for new task
• Test the accuracy of the new network and tune the model if required.
Object Detection
Typical challenges with Object Detection:
 Classification with Localization, detect and then localize
 Bounding box
 Landmark detection
 What typical output your algorithm should look for?
 Whether your image has the particular object (Pc)
 Bounding box coordinates (bx,by)
 Bounding box height and weight (bh,bw)
 Number of classes ( C1, C2, C3 …)
Object Detection with YOLO algorithm
• Yolo – You Only Look Once
• YOLO divides the input image into an S×S grid. Each grid cell predicts only one object
• For each grid cell, it predicts B boundary boxes and each box has one box confidence score,
• It detects one object only regardless of the number of boxes B,
• It predicts C conditional class probabilities (one per class for the likeliness of the object class).
Intersection over union (IoU)
Non-max suppression
YOLO
YOLO uses sum-squared error between the predictions
and the ground truth to calculate loss. The loss
function composes of:
•the classification loss.
•the localization loss (errors between the predicted
boundary box and the ground truth).
•the confidence loss
Neural Style Transfer
− Learn features from different layers of ConvNet
− The key notion behind implementing style
transfer :
 define a loss function to specify what we
want to achieve,
 minimize this loss.
− main loss functions primarily compute the
distance in terms of these different
representations.
Content image + Style Image = Generated image
What we want to achieve?
• Conserve the contents of the original image
• Adopt the style of the reference image.
Neural Style Transfer
How do we define a neural network
to perform style transfer?
 The original 2015 paper by Gatys et al. proposed a neural style
transfer algorithm that does not require a new architecture at all.
 We can take a pre-trained network (typically on ImageNet) and
define a loss function that will enable us to achieve our end goal of
style transfer and then optimize over that loss function.
What loss function do we use?
• Content loss
• Style loss
• Total-variation loss
Generative Adversarial Networks (GANs)
A GAN is made up of two parts:
- Generator network - Takes as input a random vector (a random point in
the latent space), and decodes it into a synthetic image
- Discriminator network (or adversary) - Takes as input an image (real or
synthetic), and predicts whether the image came from the training set or
was created by the generator network.
Variational Auto Encoders (VAEs)
Textbook definition of a VAE - “provides probabilistic descriptions of observations in latent spaces.”
• Each input image has features that can
normally be described as single,
discrete values.
• Variational autoencoders describe
these values as probability
distributions.
• Decoders can then sample randomly
from the probability distributions for
input vectors
Variational Auto Encoders (VAEs)
Pro-tips!
- Community participation
- Kaggle competitions
- Stop procrastinating! Start working on projects
- Read research papers
- AI for all!
- By Aditya Bhattacharya
- Data and Cloud Platform Engineer West
Pharmaceuticals
Thanks
- Questions?
- Want to connect over LinkedIn ?
- Or email me at:
- aditya.bhattacharya2016@gmail.com

More Related Content

What's hot

Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
PyData
 

What's hot (20)

Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 
LeNet to ResNet
LeNet to ResNetLeNet to ResNet
LeNet to ResNet
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Cnn
CnnCnn
Cnn
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNet
 
Image Compression Using Neural Network
 Image Compression Using Neural Network Image Compression Using Neural Network
Image Compression Using Neural Network
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classification
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object Detection
 
Neural network based image compression with lifting scheme and rlc
Neural network based image compression with lifting scheme and rlcNeural network based image compression with lifting scheme and rlc
Neural network based image compression with lifting scheme and rlc
 
Scene classification using Convolutional Neural Networks - Jayani Withanawasam
Scene classification using Convolutional Neural Networks - Jayani WithanawasamScene classification using Convolutional Neural Networks - Jayani Withanawasam
Scene classification using Convolutional Neural Networks - Jayani Withanawasam
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 

Similar to Computer vision-nit-silchar-hackathon

Cahall Final Intern Presentation
Cahall Final Intern PresentationCahall Final Intern Presentation
Cahall Final Intern Presentation
Daniel Cahall
 

Similar to Computer vision-nit-silchar-hackathon (20)

Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019Computer vision-must-nit-silchar-ml-hackathon-2019
Computer vision-must-nit-silchar-ml-hackathon-2019
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer vision
 
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
 
Wits presentation 6_28072015
Wits presentation 6_28072015Wits presentation 6_28072015
Wits presentation 6_28072015
 
[RSS2023] Local Object Crop Collision Network for Efficient Simulation
[RSS2023] Local Object Crop Collision Network for Efficient Simulation[RSS2023] Local Object Crop Collision Network for Efficient Simulation
[RSS2023] Local Object Crop Collision Network for Efficient Simulation
 
YU CS Summer 2021 Project | TensorFlow Street Image Classification and Object...
YU CS Summer 2021 Project | TensorFlow Street Image Classification and Object...YU CS Summer 2021 Project | TensorFlow Street Image Classification and Object...
YU CS Summer 2021 Project | TensorFlow Street Image Classification and Object...
 
lec6a.ppt
lec6a.pptlec6a.ppt
lec6a.ppt
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
 
Deep Learning for Computer Vision - PyconDE 2017
Deep Learning for Computer Vision - PyconDE 2017Deep Learning for Computer Vision - PyconDE 2017
Deep Learning for Computer Vision - PyconDE 2017
 
Cahall Final Intern Presentation
Cahall Final Intern PresentationCahall Final Intern Presentation
Cahall Final Intern Presentation
 
AISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeAISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the Edge
 
slide-171212080528.pptx
slide-171212080528.pptxslide-171212080528.pptx
slide-171212080528.pptx
 
Real Time Object Dectection using machine learning
Real Time Object Dectection using machine learningReal Time Object Dectection using machine learning
Real Time Object Dectection using machine learning
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Unsupervised/Self-supervvised visual object tracking
Unsupervised/Self-supervvised visual object trackingUnsupervised/Self-supervvised visual object tracking
Unsupervised/Self-supervvised visual object tracking
 

More from Aditya Bhattacharya

Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Aditya Bhattacharya
 

More from Aditya Bhattacharya (9)

Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
Directive Explanations for Monitoring the Risk of Diabetes Onset - ACM IUI 2023
 
ODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AIODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AI
 
Explainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretableExplainable AI - making ML and DL models more interpretable
Explainable AI - making ML and DL models more interpretable
 
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
Accelerating Data Science and Machine Learning Workflow with Azure Machine Le...
 
Machine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlowMachine learning and Deep learning on edge devices using TensorFlow
Machine learning and Deep learning on edge devices using TensorFlow
 
Time series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly DetectionTime series Segmentation & Anomaly Detection
Time series Segmentation & Anomaly Detection
 
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
Application of Masked RCNN for segmentation of brain haemorrhage from Compute...
 
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
 
Aditya Bhattacharya Chest XRay Image Analysis Using Deep Learning
Aditya Bhattacharya Chest XRay Image Analysis Using Deep LearningAditya Bhattacharya Chest XRay Image Analysis Using Deep Learning
Aditya Bhattacharya Chest XRay Image Analysis Using Deep Learning
 

Recently uploaded

Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Klinik kandungan
 
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
gajnagarg
 
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
HyderabadDolls
 
Abortion pills in Jeddah | +966572737505 | Get Cytotec
Abortion pills in Jeddah | +966572737505 | Get CytotecAbortion pills in Jeddah | +966572737505 | Get Cytotec
Abortion pills in Jeddah | +966572737505 | Get Cytotec
Abortion pills in Riyadh +966572737505 get cytotec
 
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
HyderabadDolls
 
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
HyderabadDolls
 
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
nirzagarg
 
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
gajnagarg
 

Recently uploaded (20)

Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
 
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
 
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
Kalyani ? Call Girl in Kolkata | Service-oriented sexy call girls 8005736733 ...
 
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
 
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
 
Predicting HDB Resale Prices - Conducting Linear Regression Analysis With Orange
Predicting HDB Resale Prices - Conducting Linear Regression Analysis With OrangePredicting HDB Resale Prices - Conducting Linear Regression Analysis With Orange
Predicting HDB Resale Prices - Conducting Linear Regression Analysis With Orange
 
Abortion pills in Jeddah | +966572737505 | Get Cytotec
Abortion pills in Jeddah | +966572737505 | Get CytotecAbortion pills in Jeddah | +966572737505 | Get Cytotec
Abortion pills in Jeddah | +966572737505 | Get Cytotec
 
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...
 
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
 
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
Diamond Harbour \ Russian Call Girls Kolkata | Book 8005736733 Extreme Naught...
 
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
 
💞 Safe And Secure Call Girls Agra Call Girls Service Just Call 🍑👄6378878445 🍑...
💞 Safe And Secure Call Girls Agra Call Girls Service Just Call 🍑👄6378878445 🍑...💞 Safe And Secure Call Girls Agra Call Girls Service Just Call 🍑👄6378878445 🍑...
💞 Safe And Secure Call Girls Agra Call Girls Service Just Call 🍑👄6378878445 🍑...
 
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
 
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
 
Ranking and Scoring Exercises for Research
Ranking and Scoring Exercises for ResearchRanking and Scoring Exercises for Research
Ranking and Scoring Exercises for Research
 
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24  Building Real-Time Pipelines With FLaNKDATA SUMMIT 24  Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNK
 
Introduction to Statistics Presentation.pptx
Introduction to Statistics Presentation.pptxIntroduction to Statistics Presentation.pptx
Introduction to Statistics Presentation.pptx
 
Statistics notes ,it includes mean to index numbers
Statistics notes ,it includes mean to index numbersStatistics notes ,it includes mean to index numbers
Statistics notes ,it includes mean to index numbers
 
Nirala Nagar / Cheap Call Girls In Lucknow Phone No 9548273370 Elite Escort S...
Nirala Nagar / Cheap Call Girls In Lucknow Phone No 9548273370 Elite Escort S...Nirala Nagar / Cheap Call Girls In Lucknow Phone No 9548273370 Elite Escort S...
Nirala Nagar / Cheap Call Girls In Lucknow Phone No 9548273370 Elite Escort S...
 
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptxRESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
 

Computer vision-nit-silchar-hackathon

  • 1. - By Aditya Bhattacharya - Data and Cloud Platform Engineer, West Pharmaceuticals NIT Silchar ML Hackathon Computer Vision
  • 3. Goals of this discussion! • Introduce you to new topics and concepts • Discuss about practical use cases • Develop new intuitions • Improve existing intuitions • Pro-tips!
  • 4. Topics to be discussed • Convolutional Neural Networks ( CNN or ConvNets ) • Popular ConvNet Architectures • Data Augmentation • Transfer Learning • Object Detection • Neural Style Transfer • Generative Adversarial Networks (GANs) • Variational Auto Encoders (VAEs)
  • 5. Typical Computer Vision Problems - Image Classification - Object Detection - Neural Style Transfer - Image Generation Image Generation Neural Style Transfer
  • 6. Convolutional Neural Networks (CNN or ConvNets) Why CNN? Why not classical ML approach? - Classical ML approach requires a lot of research on the dataset for feature engineering - Requires cleaner dataset for higher accuracy - Accuracy of the algorithms were not good enough with classical ML approach - CNNs are far more accurate and reliable and easier to implement
  • 7. Convolutional Neural Networks (CNN or ConvNets) How does a convolution work? original (n x n) * (f x f) = (n-f+1) x (n – f +1) Padding and Strided convolution ? (n x n) * (f x f) = ((n + 2p –f) /s ) + 1) x ((n + 2p –f) /s ) + 1) Valid Convolution Same Convolution
  • 8. Convolutional Neural Networks (CNN or ConvNets) Edge Detection
  • 9. Convolutional Neural Networks (CNN or ConvNets) Pooling Deep Convolution Neural Network
  • 11. Data Augmentation Types of operation • Mirroring • Random Crop • Rotation • Shearing • Warpig • Colour Shifting Why Data Augmentation? • With a smaller dataset over-fitting is a huge problem. • Data augmentation helps you to expand your dataset from available data in an unbiased way.
  • 12. Transfer Learning What is transfer learning? • A deep learning approach to use a pretrained network or model and fine tune it and re-train with custom labels to obtain solution for a similar problem. • Example : Working with ImageNet Why transfer learning? • CV requires a large dataset, which might not be available all the time. • Much faster and reliable approach than training a CNN from scratch.
  • 13. Transfer Learning • Working on Pre-Trained networks • Load a pretrained network • Replace the final layer including the output layer • Fine tune the weights depending on new task and new data • Train the network on the data for new task • Test the accuracy of the new network and tune the model if required.
  • 14. Object Detection Typical challenges with Object Detection:  Classification with Localization, detect and then localize  Bounding box  Landmark detection  What typical output your algorithm should look for?  Whether your image has the particular object (Pc)  Bounding box coordinates (bx,by)  Bounding box height and weight (bh,bw)  Number of classes ( C1, C2, C3 …)
  • 15. Object Detection with YOLO algorithm • Yolo – You Only Look Once • YOLO divides the input image into an S×S grid. Each grid cell predicts only one object • For each grid cell, it predicts B boundary boxes and each box has one box confidence score, • It detects one object only regardless of the number of boxes B, • It predicts C conditional class probabilities (one per class for the likeliness of the object class). Intersection over union (IoU) Non-max suppression
  • 16. YOLO YOLO uses sum-squared error between the predictions and the ground truth to calculate loss. The loss function composes of: •the classification loss. •the localization loss (errors between the predicted boundary box and the ground truth). •the confidence loss
  • 17. Neural Style Transfer − Learn features from different layers of ConvNet − The key notion behind implementing style transfer :  define a loss function to specify what we want to achieve,  minimize this loss. − main loss functions primarily compute the distance in terms of these different representations. Content image + Style Image = Generated image What we want to achieve? • Conserve the contents of the original image • Adopt the style of the reference image.
  • 18. Neural Style Transfer How do we define a neural network to perform style transfer?  The original 2015 paper by Gatys et al. proposed a neural style transfer algorithm that does not require a new architecture at all.  We can take a pre-trained network (typically on ImageNet) and define a loss function that will enable us to achieve our end goal of style transfer and then optimize over that loss function. What loss function do we use? • Content loss • Style loss • Total-variation loss
  • 19.
  • 20. Generative Adversarial Networks (GANs) A GAN is made up of two parts: - Generator network - Takes as input a random vector (a random point in the latent space), and decodes it into a synthetic image - Discriminator network (or adversary) - Takes as input an image (real or synthetic), and predicts whether the image came from the training set or was created by the generator network.
  • 21. Variational Auto Encoders (VAEs) Textbook definition of a VAE - “provides probabilistic descriptions of observations in latent spaces.” • Each input image has features that can normally be described as single, discrete values. • Variational autoencoders describe these values as probability distributions. • Decoders can then sample randomly from the probability distributions for input vectors
  • 23. Pro-tips! - Community participation - Kaggle competitions - Stop procrastinating! Start working on projects - Read research papers - AI for all!
  • 24. - By Aditya Bhattacharya - Data and Cloud Platform Engineer West Pharmaceuticals Thanks - Questions? - Want to connect over LinkedIn ? - Or email me at: - aditya.bhattacharya2016@gmail.com

Editor's Notes

  1. Notes: Images have been taken from: https://raw.githubusercontent.com/torch/torch.github.io/master/blog/_posts/images/out.gif https://i.stack.imgur.com/mFBCV.png https://cdn-images-1.medium.com/max/1600/0*JTxhYFzNFZ0xlWlB.png
  2. Reference image has been taken from: https://medium.freecodecamp.org/an-intuitive-guide-to-convolutional-neural-networks-260c2de0a050
  3. Reference image has been taken from: https://medium.freecodecamp.org/an-intuitive-guide-to-convolutional-neural-networks-260c2de0a050
  4. Reference image has been taken from: https://medium.freecodecamp.org/an-intuitive-guide-to-convolutional-neural-networks-260c2de0a050 https://www.owlnet.rice.edu/~elec539/Projects97/morphjrks/moredge.html
  5. Reference image has been taken from: https://medium.freecodecamp.org/an-intuitive-guide-to-convolutional-neural-networks-260c2de0a050 https://i.stack.imgur.com/QZsRB.png
  6. https://cdn-images-1.medium.com/max/1200/1*C8hNiOqur4OJyEZmC7OnzQ.png https://www.kdnuggets.com/2018/05/data-augmentation-deep-learning-limited-data.html
  7. https://www.mathworks.com/discovery/transfer-learning.html
  8. https://www.mathworks.com/discovery/transfer-learning.html
  9. https://medium.com/@jonathan_hui/real-time-object-detection-with-yolo-yolov2-28b1b93e2088 https://leonardoaraujosantos.gitbooks.io/artificial-inteligence/content/single-shot-detectors/yolo.html
  10. https://www.matthewwilson.co/tomtom https://www.pyimagesearch.com/2018/08/27/neural-style-transfer-with-opencv/
  11. https://www.pyimagesearch.com/2018/08/27/neural-style-transfer-with-opencv/
  12. https://www.spindox.it/en/blog/generative-adversarial-neural-networks/ Deep Learning with Python by Chollet
  13. https://towardsdatascience.com/what-the-heck-are-vae-gans-17b86023588a
  14. https://towardsdatascience.com/what-the-heck-are-vae-gans-17b86023588a