SlideShare a Scribd company logo
Machine
Learning
with
TensorFlow
By Sarah Stemmler
About me
log@sarahstemmler.de
maxi_likelihood
Agenda
• What is TensorFlow?
• Get into Machine & Deep Learning
• Hands on: Computer Vision in TensorFlow
• 🎁
• What Else to Know about TensorFlow?
• Question & Answers
What is
TensorFlow?
Summary
• Open-source framework to perform Machine and Deep
Learning
• A backend for large numeric computations
• Basic concepts are tensors and graphs
• For CPU, GPU, TPU*
• C++ in the backend
https://www.tensorflow.org/ * Tensor Processing Unit
Tensors
1
2
3
4
5
1 2
2 3
3 4
4 5
5 6
1 1 2 3
2 3 4
3 4 5
4 5 6
5 6 7
Multi-dimensional arrays
• All TensorFlow computations are represented as graphs
• Nodes are operations
• Edges are tensors
• First: construction of graph
• Second: Executed in a session
Flow graph
C
A B
Add
MatMul
…
It’s All about Usability!
TensorFlow 2.0
• Full integration of Keras library as high-level API
• API Cleanup
• Functions instead of sessions
• Eager execution for a pythonic programming style
• Upgrade script provided on TF website
Under the Hood
Keras
Tensorflow
CUDA / cuDNN
GPU
BLAS, Eigen
CPU
If TensorFlow is
executed on CPU it
comes with a tensor
operation library
called Eigen
NVIDIA CUDA Deep
Neural Network
Library is extremely
efficient on a GPU
Under the Hood
Keras
Tensorflow
CUDA / cuDNN
GPU
BLAS, Eigen
CPU
If TensorFlow is
executed on CPU it
comes with a tensor
operation library
called Eigen
NVIDIA CUDA Deep
Neural Network
Library is extremely
efficient on a GPU
Development Ecosystem
tf.data,
numpy
Loading and
pre-processing
Build, train &
reuse models
DeployDevelopment
Tools
Tensor
Board
TF
Hub
https://keras.io/
Use Cases
Text Speech Image Audio Content
Summarization
Sentiment Analysis
Classification
Recognition
Speech to Text
Text to Speech
Clustering
Object Detection
Gesture
Recognition
Facial Modelling
Translation
Clustering
Video Generation
Text Generation
Audio Generation
Use Cases
Text Speech Image Audio Content
Summarization
Sentiment Analysis
Classification
Recognition
Speech to Text
Text to Speech
Clustering
Object Detection
Gesture
Recognition
Facial Modelling
Translation
Clustering
Video Generation
Text Generation
Audio Generation
TensorFlow at
https://www.airbnb.de/
Get into
Machine & Deep
Learning
Machine Learning
Extract knowledge from data
Build a generalised model
Supervised
Learning
Approach
Goal
Types
Unsupervised
Learning
Reinforcement
Learning
Unsupervised Machine Learning
• Algorithms draw conclusions on
the data without human input
• Find hidden patterns and
structures in data that are yet
unknown
• e.g. Clustering
Supervised vs. Unsupervised
Supervised Machine Learning
• “Teaching the model with
knowledge”
• Provide algorithm with labelled
training data (e.g. correct classes)
and features (input data)
• Classification and Regression
Machine Learning with TensorFlow 2
Example for Classification
% Leather Heel Gender Shoe Type
45 TRUE Female Pumps
81 FALSE Male Sneaker
71 TRUE Female Sneaker
50 FALSE Female Pumps
Training
65 FALSE Female ?
Prediction
Model Training and Evaluation
• Split data into training and
test set
• Run for pre-defined iterations
(= epochs)
• Test set to evaluate model
• Model learns from errors and
can be improved
• Goal: Find the minim error
between actual and predicted
values (e.g. Accuracy)
Training
Test
Prediction
Score
Over- and Underfitting
Overfitting
• The model learns too much from
the training data
• No generalisation of model
• Bad performance on test data
Underfitting
• Training data does not contain full
information of whole dataset
• Model cannot learn patterns
• Bad performance on training and
test data
Machine Learning with TensorFlow 2
Deep Learning = Neural Networks
Input Layer Hidden Layers Output Layer
Input data
in form of
features /
tensors
Output can
be a class or
a numeric
value
Weights Weights Weights
Training of a Neural Network
X1
X2
X3
SUM Activation function SUM
Threshold
w1,1
w2,1
w3,1
Input Layer Hidden Layers Output Layer
Activation Functions
Activation functions are attached to each neuron (node) and decide
whether it should be activated (fired) or not
Step Function Sigmoid ReLu
Loss Function & Optimizer
• Train weights and evaluate prediction with actual values of test set
• Goal: Find model with minimal error
• Loss function: error function used for validation
• Uses gradient descent approach
• Optimizers: Algorithms that perform a gradient descent approach
• Algorithm in Neural Networks: Backpropagation
Hands on:
Computer Vision in
TensorFlow
How does a computer see?
RGB [0,255]Black & White [0,1]
1: white
0: black
1 2 3
2 3 4
3 4 5
4 5 6
5 6 7
1 2
2 3
3 4
4 5
5 6
Grayscale [0,255]
255: white
[1,254]: gray
0: black
Black & White picture
Grayscaled Picture
RGB Picture
“What are the most popular
datasets for cross-sectional
data?”
http://www.lac.inpe.br/~rafael.santos/Docs/CAP394/WholeStory-Iris.html
https://de.wikipedia.org/wiki/RMS_Titanic
MNIST Dataset
Demo
Convolutional Neural Network
Keep spatial information of pixels
• Low level features: edges
• Medium level features: circles,
squares
• High level features: faces, bodies
Convolutional Neural Networks
10x10x1
10x10x9
5x5x9
Conv Layer Pooling LayerInput Flatten Layer
100x1
Convolutional (Filter) Layer
Filter, kernel size, padding, stride
Pooling Layer
Demo
🎁
Too sexy?
What Else to Know
about
TensorFlow?
TensorBoard
https://www.tensorflow.org/tensorboard
TensorFlow Hub
https://tfhub.dev/
For desktop, mobile, web
To Production
Development
Production
https://www.tensorflow.org/tfx/tutorials/serving/rest_simple
Data
http request
Save and
serve model
TensorFlow
Extended
Play with Neural Networks
https://playground.tensorflow.org/
Wanna Learn more?
• Tutorials and docu at:
tensorflow.org & keras.io
• Udemy German course:
“Deep Learning, Neuronale
Netze und TensorFlow in
Python” by Jan Schaffranek
• Many more on Coursera,…
• Data Science Competitions:
kaggle.com
Thank you!
Questions &
Answers

More Related Content

PDF
TensorFlow and Keras: An Overview
PDF
Introduction to Deep Learning, Keras, and TensorFlow
PPTX
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
PPTX
Recurrent Neural Networks (RNNs)
PDF
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PDF
Keras and TensorFlow
PPTX
A note on word embedding
PDF
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka
TensorFlow and Keras: An Overview
Introduction to Deep Learning, Keras, and TensorFlow
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
Recurrent Neural Networks (RNNs)
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
Keras and TensorFlow
A note on word embedding
Keras vs Tensorflow vs PyTorch | Deep Learning Frameworks Comparison | Edureka

What's hot (20)

PDF
Recurrent Neural Networks, LSTM and GRU
PDF
PyTorch Introduction
PPTX
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
PDF
Deep Learning - Convolutional Neural Networks
PPTX
Basics of Object Oriented Programming in Python
PPTX
Few shot learning/ one shot learning/ machine learning
PPTX
Python: Modules and Packages
ODP
Tensorflow for Beginners
PPTX
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
PPTX
PDF
Python : Regular expressions
PDF
Introduction to TensorFlow 2.0
PDF
Tensorflow presentation
PPTX
인공지능, 기계학습 그리고 딥러닝
PPTX
Introduction For seq2seq(sequence to sequence) and RNN
PDF
Natural Language Processing (NLP) & Text Mining Tutorial Using NLTK | NLP Tra...
PPTX
Data structure tries
PPT
Natural Language Processing
PPTX
OOP concepts -in-Python programming language
PDF
Convolutional Neural Networks (CNN)
Recurrent Neural Networks, LSTM and GRU
PyTorch Introduction
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning - Convolutional Neural Networks
Basics of Object Oriented Programming in Python
Few shot learning/ one shot learning/ machine learning
Python: Modules and Packages
Tensorflow for Beginners
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Python : Regular expressions
Introduction to TensorFlow 2.0
Tensorflow presentation
인공지능, 기계학습 그리고 딥러닝
Introduction For seq2seq(sequence to sequence) and RNN
Natural Language Processing (NLP) & Text Mining Tutorial Using NLTK | NLP Tra...
Data structure tries
Natural Language Processing
OOP concepts -in-Python programming language
Convolutional Neural Networks (CNN)
Ad

Similar to Machine Learning with TensorFlow 2 (20)

PPTX
tensorflow.pptx
PPTX
2017 arab wic marwa ayad machine learning
PPTX
Deep Learning Made Easy with Deep Features
PPTX
Tensorflow
PDF
Deep Domain
PDF
Spring into AI presented by Dan Vega 5/14
PDF
Machine learning presentation (gdg beja)
PDF
Machine learning presentation (gdg beja)
PDF
Deep Learning Introduction - WeCloudData
PDF
Deep learning - a primer
PDF
Deep learning - a primer
PDF
NLP and Deep Learning for non_experts
PPTX
Deep learning with tensorflow
PDF
SigOpt at GTC - Reducing operational barriers to optimization
PPTX
Build a Neural Network for ITSM with TensorFlow
PDF
R과 Sagemaker를 활용한 딥러닝 어플리케이션 만들기
PDF
Separating Hype from Reality in Deep Learning with Sameer Farooqui
PPTX
Machine Learning Toolssssssssssssss.pptx
PPTX
python_libraries_for_artificial_intelligence.pptx
PPTX
Introduction to Tensor Flow-v1.pptx
tensorflow.pptx
2017 arab wic marwa ayad machine learning
Deep Learning Made Easy with Deep Features
Tensorflow
Deep Domain
Spring into AI presented by Dan Vega 5/14
Machine learning presentation (gdg beja)
Machine learning presentation (gdg beja)
Deep Learning Introduction - WeCloudData
Deep learning - a primer
Deep learning - a primer
NLP and Deep Learning for non_experts
Deep learning with tensorflow
SigOpt at GTC - Reducing operational barriers to optimization
Build a Neural Network for ITSM with TensorFlow
R과 Sagemaker를 활용한 딥러닝 어플리케이션 만들기
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Machine Learning Toolssssssssssssss.pptx
python_libraries_for_artificial_intelligence.pptx
Introduction to Tensor Flow-v1.pptx
Ad

Recently uploaded (20)

PDF
Electronic commerce courselecture one. Pdf
PPTX
Understanding_Digital_Forensics_Presentation.pptx
PDF
Chapter 3 Spatial Domain Image Processing.pdf
PDF
Empathic Computing: Creating Shared Understanding
PDF
GamePlan Trading System Review: Professional Trader's Honest Take
PPTX
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
PPTX
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
PDF
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
PDF
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
PDF
CIFDAQ's Market Wrap: Ethereum Leads, Bitcoin Lags, Institutions Shift
PDF
Spectral efficient network and resource selection model in 5G networks
PDF
Transforming Manufacturing operations through Intelligent Integrations
PDF
Per capita expenditure prediction using model stacking based on satellite ima...
PDF
GDG Cloud Iasi [PUBLIC] Florian Blaga - Unveiling the Evolution of Cybersecur...
PDF
Advanced IT Governance
PDF
AI And Its Effect On The Evolving IT Sector In Australia - Elevate
PDF
HCSP-Presales-Campus Network Planning and Design V1.0 Training Material-Witho...
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PDF
CIFDAQ's Market Insight: SEC Turns Pro Crypto
PDF
Sensors and Actuators in IoT Systems using pdf
Electronic commerce courselecture one. Pdf
Understanding_Digital_Forensics_Presentation.pptx
Chapter 3 Spatial Domain Image Processing.pdf
Empathic Computing: Creating Shared Understanding
GamePlan Trading System Review: Professional Trader's Honest Take
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
CIFDAQ's Market Wrap: Ethereum Leads, Bitcoin Lags, Institutions Shift
Spectral efficient network and resource selection model in 5G networks
Transforming Manufacturing operations through Intelligent Integrations
Per capita expenditure prediction using model stacking based on satellite ima...
GDG Cloud Iasi [PUBLIC] Florian Blaga - Unveiling the Evolution of Cybersecur...
Advanced IT Governance
AI And Its Effect On The Evolving IT Sector In Australia - Elevate
HCSP-Presales-Campus Network Planning and Design V1.0 Training Material-Witho...
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
CIFDAQ's Market Insight: SEC Turns Pro Crypto
Sensors and Actuators in IoT Systems using pdf

Machine Learning with TensorFlow 2