SlideShare a Scribd company logo
Bruno Capuano
Innovation Lead @Avanade
@elbruno | http://elbruno.com
Deep Learning for everyone?
Challenge Accepted!
@elbruno
IBM slaps patent on coffee-delivering drones (link)
@elbruno
IBM slaps patent on coffee-delivering drones
(link)
@elbruno
KEEP CALM
NO MATH
TODAY
JUST CODE
@elbruno
Excessive use
of crappy
animations
and demos!
@elbruno
Load Data
Extract
Features
Model
Consumption
Train
Model
Evaluate
Model
Prepare Your Data Build & Train Run
Machine Leaning workflow
@elbruno7
@elbruno
Kid
Baby
@elbruno9
@elbruno
Kid
Baby
@elbruno
Kid
Baby
Teenager
@elbruno1
@elbruno1
@elbruno
Kid
Baby
Teenager
@elbruno
Boy / Girl
Baby
Teenager
Old dude / Lady
@elbruno
Load Data
Extract
Features
Model
Consumption
Train
Model
Evaluate
Model
Prepare Your Data Build & Train Run
Machine Leaning workflow
@elbruno
Is this A or B? How much? How many? How is this organized?
Regression ClusteringClassification
Machine Learning Tasks
@elbruno1
Cognitive Services - Anomaly Detector
@elbruno
?
Machine
Learning
Deep Learning
@elbruno
Machine Learning
Seth Juarez - @sethjuarez - Microsoft
@elbruno
Machine Learning
Seth Juarez - @sethjuarez - Microsoft
@elbruno
Deep Learning
Seth Juarez - @sethjuarez - Microsoft
@elbruno
Deep Learning
Seth Juarez - @sethjuarez - Microsoft
@elbruno
MNIST dataset
• The MNIST database of
handwritten digits,
• Has a training set of 60,000
examples, and a test set of 10,000
examples.
• It is a subset of a larger set
available from NIST.
• The digits have been size-
normalized and centered in a
fixed-size image.
@elbruno
@elbruno
@elbruno
Artificial Intelligence: Image Analysis
@elbruno
Why is this hard?
You see this:
But the camera sees this:
@elbruno
Machine learning and feature representations
Input
Raw image
Chihuahua
“Non”-chihuahuas
Learning
algorithm
pixel 1
pixel2
pixel 1
pixel 2
@elbruno
Input
What we want
Learning
algorithm
pixel 1
pixel2 Feature
representation
ear
eye
E.g., Does it have 2 ears? 2 eyes?
eye
ear
Raw image Features
Chihuahua
“Non”-chihuahuas
@elbruno
A machine learning subfield of learning representations of data. Exceptional effective at
learning patterns.
Deep learning algorithms attempt to learn (multiple levels of) representation by using a
hierarchy of multiple layers
If you provide the system tons of information, it begins to understand it and respond in
useful ways.
Deep Learning (DL)
https://www.xenonstack.com/blog/static/public/uploads/media/machine-learning-vs-deep-learning.png
@elbruno
TensorFlow Playground
Demo
MakeMagicHappen();
https://www.avanade.com/AI
@elbruno
@elbruno
Open source software library for numerical computation using data
flow graphs
Developed by Google Brain Team for machine learning and deep
learning and made open-source
TensorFlow provides an extensive suite of functions and classes that
allow users to build various models from scratch
What is TensorFlow?
These slides are adapted from the following Stanford lectures:
https://web.stanford.edu/class/cs20si/2017/lectures/slides_01.pdf
https://cs224d.stanford.edu/lectures/CS224d-Lecture7.pdf
@elbruno
import tensorflow as tf
a = tf.add(2, 3)
TF automatically names nodes
if you do not
x = 2
y = 3
print a
>> Tensor("Add:0", shape=(), dtype=int32)
Note: a is NOT 5
TensorFlow Graphs
a
@elbruno
Keras is a layer on top of TensorFlow that makes it much easier to create neural
networks.
It provides a higher level API for various machine learning routines.
Unless you are performing research into entirely new structures of deep neural
networks it is unlikely that you need to program TensorFlow directly.
Keras is a separate install from TensorFlow. To install Keras, use pip install keras
(after installing TensorFlow).
TensorFlow and Keras
@elbruno
Keras Sequential model is used to
create a feed-forward network, by
stacking layers (successive ‘add’
operations).
Shape of the input layer is specified
in the first hidden layer (or the
output layer if network had no
hidden layer).
- Input 2D image is flattened to 1D
vector.
- Dropout (with the rate 0.2) is
applied to the first hidden layer
TensorFlow for Classification: MNIST
@elbrunohttp://deeplearning.stanford.edu/wiki/index.php/Feature_extraction_using_convolution
Main CNN idea for text:
Compute vectors for n-grams and group them afterwards
A convolution layer is created by defining a kernel - which is fixed square
window of weights, and scanning this across the whole input image.
Input matrix
Convolutional
3x3 filter
Convolutional Neural Networks (CNNs)
@elbruno
Pooling layer
Pooling layers are a form of downsampling which
usually follow convolution layers in the neural network.
Applying pooling to a feature map transforms the map
into a smaller representation, and it loses some of the
exact positional information of the features. Therefore it
makes our network more invariant to small
transformations and distortions in the input image by
asking whether a feature appears in a given region of
an image (the pooling region) rather than at a specific
location.
The most common method of pooling is max-pooling,
where the the maximum value of a given region in a
feature map is taken. The example below shows max
pooling being applied with a 2×2 pooling region.
https://shafeentejani.github.io/assets/images/pooling.gif
@elbruno
Activation: ReLU
Takes a real-valued number
and thresholds it at zero
𝑅 𝑛 → 𝑅+
𝑛
Most Deep Networks use ReLU nowadays
� Trains much faster
• accelerates the convergence of SGD
• due to linear, non-saturating form
� Less expensive operations
• compared to sigmoid/tanh (exponentials etc.)
• implemented by simply thresholding a matrix at
f 𝑥 = max(0, 𝑥)
http://adilmoujahid.com/images/activation.png
@elbruno
Deep Learning for image analysis
@elbruno
Deep Neural Network: Cat vs Dog
https://becominghuman.ai/building-an-image-classifier-using-deep-learning-in-python-totally-from-a-beginners-perspective-be8dbaf22dd8
@elbruno
Deep Neural Network: Cat vs Dog
https://becominghuman.ai/building-an-image-classifier-using-deep-learning-in-python-totally-from-a-beginners-perspective-be8dbaf22dd8
@elbruno
Cat vs Dogs Demo
MakeMagicHappen();
https://www.avanade.com/AI
@elbruno
Bruno Capuano
Innovation Lead @Avanade
@elbruno | http://elbruno.com
Q&A
Thanks!

More Related Content

PDF
Bol.com
PDF
Distributed deep learning optimizations
PPTX
chroma technology
PPTX
Neural networks and google tensor flow
PPTX
Applying Transfer Learning in TensorFlow
PDF
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
PDF
Eit digital big_data_summer_school_8_aug_2019_kim_hammar
PDF
Intel optimized tensorflow, distributed deep learning
Bol.com
Distributed deep learning optimizations
chroma technology
Neural networks and google tensor flow
Applying Transfer Learning in TensorFlow
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
Eit digital big_data_summer_school_8_aug_2019_kim_hammar
Intel optimized tensorflow, distributed deep learning

Similar to 2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted! (20)

PDF
Open source ai_technical_trend
PDF
Object_Recognition_using_Deeplearning_Report.pptx
PPTX
Deep Learning on Qubole Data Platform
PPTX
Deep learning summary
PDF
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
PPTX
Automatic Attendace using convolutional neural network Face Recognition
PDF
Understanding Convolutional Neural Networks
PDF
DyCode Engineering - Machine Learning with TensorFlow
PDF
Introduction to Convolutional Neural Networks
PDF
The Flow of TensorFlow
PDF
Deep Learning Applications and Image Processing
PDF
Neural Networks from Scratch - TensorFlow 101
PPTX
GDSC BPIT ML Campaign.pptx
PDF
GDSC Machine Learning Session Presentation
PPTX
Introduction to deep learning
PPTX
Deep Learning with Python (PyData Seattle 2015)
PDF
dl-unit-3 materialdl-unit-3 material.pdf
PDF
Dato Keynote
PPTX
Neural Networks with Google TensorFlow
PPTX
Artificial Intelligence, Machine Learning and Deep Learning
Open source ai_technical_trend
Object_Recognition_using_Deeplearning_Report.pptx
Deep Learning on Qubole Data Platform
Deep learning summary
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
Automatic Attendace using convolutional neural network Face Recognition
Understanding Convolutional Neural Networks
DyCode Engineering - Machine Learning with TensorFlow
Introduction to Convolutional Neural Networks
The Flow of TensorFlow
Deep Learning Applications and Image Processing
Neural Networks from Scratch - TensorFlow 101
GDSC BPIT ML Campaign.pptx
GDSC Machine Learning Session Presentation
Introduction to deep learning
Deep Learning with Python (PyData Seattle 2015)
dl-unit-3 materialdl-unit-3 material.pdf
Dato Keynote
Neural Networks with Google TensorFlow
Artificial Intelligence, Machine Learning and Deep Learning
Ad

More from Bruno Capuano (20)

PPTX
Let's code a drone to follow faces using Python 🐍
PPTX
Using Azure IoT to feed my squirrels ️
PPTX
2021 12 01 Global XR Conference - My experiences adapting a Digital Twin WebG...
PPTX
2021 06 19 ms student ambassadors nigeria ml net 01 slide-share
PPTX
Global AI on Virtual Tour Oslo - Anomaly Detection using ML.Net on a drone te...
PPTX
2021 04 21 Azure Sydney User Group - Scaling a POC to an Enterprise using Azu...
PPTX
2021 02 23 MVP Fusion Getting Started with Machine Learning.Net and AutoML
PPTX
2021 02 13 CodeGen Verona - Let’s code a drone to follow faces syncing everyt...
PPTX
2020 11 19 MVP Days Israel 2020 - Introduction to Machine Learning.Net and Au...
PPTX
2020 10 22 AI Fundamentals - Azure Machine Learning
PPTX
2020 09 24 - CONDG ML.Net
PPTX
2020 08 06 Global XR Talks - Lessons Learned creating a multiplatform AI proj...
PPTX
2020 06 27 Global AI On Tour Virtual GTA
PPTX
2020 06 13 Best of Build 2020 - Canada Community Edition - Artificial Intelli...
PPTX
Global Azure AI Tour Buenos Aires Argentina, Drones and AI
PPTX
2020 04 18 Global AI On Tour Monterrey - Program a Drone using AI
PPTX
2020 04 10 Catch IT - Getting started with ML.Net
PPTX
2020 04 09 Global AI Community Virtual Tour - Drones and AI
PPTX
2020 04 04 NetCoreConf - Machine Learning.Net
PPTX
2020 02 29 TechDay Conf - Getting started with Machine Learning.Net
Let's code a drone to follow faces using Python 🐍
Using Azure IoT to feed my squirrels ️
2021 12 01 Global XR Conference - My experiences adapting a Digital Twin WebG...
2021 06 19 ms student ambassadors nigeria ml net 01 slide-share
Global AI on Virtual Tour Oslo - Anomaly Detection using ML.Net on a drone te...
2021 04 21 Azure Sydney User Group - Scaling a POC to an Enterprise using Azu...
2021 02 23 MVP Fusion Getting Started with Machine Learning.Net and AutoML
2021 02 13 CodeGen Verona - Let’s code a drone to follow faces syncing everyt...
2020 11 19 MVP Days Israel 2020 - Introduction to Machine Learning.Net and Au...
2020 10 22 AI Fundamentals - Azure Machine Learning
2020 09 24 - CONDG ML.Net
2020 08 06 Global XR Talks - Lessons Learned creating a multiplatform AI proj...
2020 06 27 Global AI On Tour Virtual GTA
2020 06 13 Best of Build 2020 - Canada Community Edition - Artificial Intelli...
Global Azure AI Tour Buenos Aires Argentina, Drones and AI
2020 04 18 Global AI On Tour Monterrey - Program a Drone using AI
2020 04 10 Catch IT - Getting started with ML.Net
2020 04 09 Global AI Community Virtual Tour - Drones and AI
2020 04 04 NetCoreConf - Machine Learning.Net
2020 02 29 TechDay Conf - Getting started with Machine Learning.Net
Ad

Recently uploaded (20)

PPTX
Cloud computing and distributed systems.
PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Chapter 3 Spatial Domain Image Processing.pdf
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PPTX
20250228 LYD VKU AI Blended-Learning.pptx
PPTX
KOM of Painting work and Equipment Insulation REV00 update 25-dec.pptx
PDF
Encapsulation theory and applications.pdf
PDF
Electronic commerce courselecture one. Pdf
PPT
Teaching material agriculture food technology
PDF
Encapsulation_ Review paper, used for researhc scholars
PDF
Review of recent advances in non-invasive hemoglobin estimation
PDF
Machine learning based COVID-19 study performance prediction
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PDF
Modernizing your data center with Dell and AMD
PPTX
Digital-Transformation-Roadmap-for-Companies.pptx
PPTX
MYSQL Presentation for SQL database connectivity
PDF
Approach and Philosophy of On baking technology
PPTX
Understanding_Digital_Forensics_Presentation.pptx
Cloud computing and distributed systems.
The Rise and Fall of 3GPP – Time for a Sabbatical?
Chapter 3 Spatial Domain Image Processing.pdf
Building Integrated photovoltaic BIPV_UPV.pdf
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
20250228 LYD VKU AI Blended-Learning.pptx
KOM of Painting work and Equipment Insulation REV00 update 25-dec.pptx
Encapsulation theory and applications.pdf
Electronic commerce courselecture one. Pdf
Teaching material agriculture food technology
Encapsulation_ Review paper, used for researhc scholars
Review of recent advances in non-invasive hemoglobin estimation
Machine learning based COVID-19 study performance prediction
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Advanced methodologies resolving dimensionality complications for autism neur...
Modernizing your data center with Dell and AMD
Digital-Transformation-Roadmap-for-Companies.pptx
MYSQL Presentation for SQL database connectivity
Approach and Philosophy of On baking technology
Understanding_Digital_Forensics_Presentation.pptx

2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!

Editor's Notes