SlideShare a Scribd company logo
Neural Networks
with
Google TensorFlow
Darshan Patel
Northeastern University
• Overview:
1) Computer Vision Tasks
2) Convolution Neural Network (CNNs) Architecture
3) CNNs using Google TensorFlow
4) Google TensorBoard
Neural Networks with Google TensorFlow
Computer Vision
Tasks
Source : http://cs231n.stanford.edu
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
Source : http://googleresearch.blogspot.com/2014/09/building-deeper-understanding-of-images.html
Source : http://googleresearch.blogspot.com/2014/09/building-deeper-understanding-of-images.html
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
Convolution
Neural
Networks
(CNNs/ConvNets)
• Mathematical Definition:
A function derived from two given functions by integration that expresses how the shape
of one is modified by the other
What is Convolution?
Neural Networks
Neural Networks - Forward Pass
Neural Networks - Back Propagation
Source : http://cs231n.github.io
• ConvNet architectures make the explicit assumption that the inputs
are images, which allows us to encode certain properties into the
architecture.
• This assumption makes the forward function more efficient to
implement and vastly reduces the amount of parameters in the
network.
How CNN/ConvNets is different?
Cont. How CNN/ConvNets is different?
Source : http://cs231n.github.io/convolutional-networks
LeNet-5 1990
Yann LeCun
Director of AI Research at Facebook
Handwritten Digits Classification
LeNet-5 Architecture
AlexNet Architecture - ImageNet 2012
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
LeNet-5 Architecture
Layers in ConvNets
1. Convolution Layer
2. ReLU (Activation) Layer
3. Pooling Layer
4. Fully Connected Layer
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Neural Networks with Google TensorFlow
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Convolution Layer
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Convolution Layer
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Convolution Layer
Source : http://cs231n.stanford.edu/slides/
Activation Layer
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Pooling Layer
Source : http://cs231n.stanford.edu/slides/winter1516_lecture7.pdf
Pooling Layer
Fully Connected Layer
Neural Networks with Google TensorFlow
• A ConvNet architecture is a list of Layers that transform the image volume
into an output volume (e.g. holding the class scores)
• There are a few distinct types of Layers (e.g. CONV/FC/RELU/POOL are by far
the most popular)
• Each Layer accepts an input 3D volume and transforms it to an output 3D
volume through a differentiable function
• Each Layer may or may not have parameters (e.g. CONV/FC do, RELU/POOL
don't)
ConvNets Summary
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
• Second generation Machine Learning system, followed by DistBelief
• TensorFlow grew out of a project at Google, called Google Brain, aimed at applying various
kinds of neural network machine learning to products and services across the company.
• An open source software library for numerical computation using data flow graphs
• Used in following projects at Google
1. DeepDream
2. RankBrain
3. Smart Reply
And many more..
Google TensorFlow
Data Flow Graph
• Data flow graphs describe mathematical computation
with a directed graph of nodes & edges
• Nodes in the graph represent mathematical operations.
• Edges represent the multidimensional data arrays
(tensors) communicated between them.
• Edges describe the input/output relationships between
nodes.
• The flow of tensors through the graph is where
TensorFlow gets its name.
Google TensorFlow Basic Elements
• Tensor
• Variable
• Operation
• Session
• Placeholder
• TensorBoard
• TensorFlow programs use a tensor data structure to represent all data
• Think of a TensorFlow tensor as an n-dimensional array or list
In the following example, c, d and e are symbolic Tensor Objects, where as result is a
numpy array
Tensor
1. Constant Value Tensors
2. Sequences
3. Random Tensors
Tensor Types
Constant Value Tensors
Sequence Tensors
Random Tensors
• In-memory buffers containing tensors
• Initial value defines the type and shape of the variable.
• They must be explicitly initialized and can be saved to disk during and after
training.
Variable
• An Operation is a node in a TensorFlow Graph
• Takes zero or more Tensor objects as input, and produces zero or
more Tensor objects as output.
• Example:
c = tf.matmul(a, b)
Creates an Operation of type "MatMul" that takes tensors a and b as input,
and produces c as output.
Operation
• A class for running TensorFlow operations
• InteractiveSession is a TensorFlow Session for use in interactive contexts, such as
a shell and Ipython notebook.
Session & Interactive Session
• A value that we'll input when we ask TensorFlow to run a computation.
Placeholder
TensorBoard : Visual Learning
MNIST Dataset
MNIST Dataset
LeNet-5 Architecture
Load MNIST Data
Load MNIST Data
Start a session
Placeholders
Dynamic Size
Placeholders
Weight/Filter & Bias
Convolution and Pooling
Stride of one
Max Pooling over 2x2 blocks
Stride of two
First Convolution Layer including ReLU
It will consist of convolution, followed by max pooling
Filter/Patch Dimension
Number of Input Channels
Number of Output Channel
Number of Output Channel
Second Convolution Layer including ReLU
It will consist of convolution, followed by max pooling
Fully Connected Layer
• Reshape the tensor from the pooling layer into a batch of vectors
• Multiply by a weight matrix, add a bias, and apply a ReLU
Dropout
• To reduce over fitting, we will apply dropout before the readout layer.
• Dropout is an extremely effective, simple and recently introduced regularization technique by
Srivastava et al. in “Dropout: A Simple Way to Prevent Neural Networks from Overfitting” that
complements the other methods (L1, L2, maxnorm).
Source : http://cs231n.github.io/neural-networks-2/
Dropout
• We create a placeholder for the probability that a neuron's output is kept during dropout.
• This allows us to turn dropout on during training, and turn it off during testing.
• While training, dropout is implemented by only keeping a neuron active with some
probability pp (a hyperparameter)
Readout Layer
• Finally, we add a softmax layer, just like for the one layer softmax regression.
Train and Evaluate the Model
Initialize
All
Variables
Training
Accuracy
Testing
Optimizer
Loss Function
• TensorBoard operates by reading TensorFlow events files, which contain
summary data that you can generate when running TensorFlow.
TensorBoard
• TensorBoard operates by reading TensorFlow events files, which contain
summary data that you can generate when running TensorFlow.
• First, create the TensorFlow graph that we'd like to collect summary data
from, and decide which nodes should be annotated with summary operation.
• For example,
• For MNIST digits CNNs, we'd like to record how the learning rate varies over time, and how
the objective function is changing
• We’d like to record distribution of gradients or weights
TensorBoard
TensorBoard
Graph Representation
Graph Representation
Histogram Summary
TensorBoard
TensorBoard
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlow

More Related Content

What's hot (20)

PPTX
Introduction For seq2seq(sequence to sequence) and RNN
Hye-min Ahn
 
PDF
Introduction to AI & ML
Mandy Sidana
 
PPTX
Machine Learning
Kumar P
 
PDF
Introduction of Deep Learning
Myungjin Lee
 
PPTX
A Comprehensive Review of Large Language Models for.pptx
SaiPragnaKancheti
 
PDF
Deep learning - A Visual Introduction
Lukas Masuch
 
PDF
Introduction to Deep Learning, Keras, and TensorFlow
Sri Ambati
 
PPTX
Deep Learning - RNN and CNN
Pradnya Saval
 
PDF
Training Neural Networks
Databricks
 
PPTX
Hyperparameter Tuning
Jon Lederman
 
PDF
Introduction to TensorFlow 2.0
Databricks
 
PPTX
Natural Language Processing
Rishikese MR
 
PDF
Convolutional neural network
Yan Xu
 
PDF
Introduction to Deep Learning
Oleg Mygryn
 
PPTX
GPU and Deep learning best practices
Lior Sidi
 
PDF
NLP using transformers
Arvind Devaraj
 
PDF
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
SlideTeam
 
PPTX
Deep learning
Rajgupta258
 
PPTX
Convolutional Neural Networks
Ashray Bhandare
 
Introduction For seq2seq(sequence to sequence) and RNN
Hye-min Ahn
 
Introduction to AI & ML
Mandy Sidana
 
Machine Learning
Kumar P
 
Introduction of Deep Learning
Myungjin Lee
 
A Comprehensive Review of Large Language Models for.pptx
SaiPragnaKancheti
 
Deep learning - A Visual Introduction
Lukas Masuch
 
Introduction to Deep Learning, Keras, and TensorFlow
Sri Ambati
 
Deep Learning - RNN and CNN
Pradnya Saval
 
Training Neural Networks
Databricks
 
Hyperparameter Tuning
Jon Lederman
 
Introduction to TensorFlow 2.0
Databricks
 
Natural Language Processing
Rishikese MR
 
Convolutional neural network
Yan Xu
 
Introduction to Deep Learning
Oleg Mygryn
 
GPU and Deep learning best practices
Lior Sidi
 
NLP using transformers
Arvind Devaraj
 
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
SlideTeam
 
Deep learning
Rajgupta258
 
Convolutional Neural Networks
Ashray Bhandare
 

Viewers also liked (7)

PDF
Introducing TensorFlow: The game changer in building "intelligent" applications
Rokesh Jankie
 
PDF
On-device machine learning: TensorFlow on Android
Yufeng Guo
 
PDF
TensorFlow Serving, Deep Learning on Mobile, and Deeplearning4j on the JVM - ...
Sam Putnam [Deep Learning]
 
PDF
Machine Intelligence at Google Scale: TensorFlow
DataWorks Summit/Hadoop Summit
 
PPTX
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Andrew Gardner
 
PDF
Large Scale Deep Learning with TensorFlow
Jen Aman
 
PDF
Google TensorFlow Tutorial
台灣資料科學年會
 
Introducing TensorFlow: The game changer in building "intelligent" applications
Rokesh Jankie
 
On-device machine learning: TensorFlow on Android
Yufeng Guo
 
TensorFlow Serving, Deep Learning on Mobile, and Deeplearning4j on the JVM - ...
Sam Putnam [Deep Learning]
 
Machine Intelligence at Google Scale: TensorFlow
DataWorks Summit/Hadoop Summit
 
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Andrew Gardner
 
Large Scale Deep Learning with TensorFlow
Jen Aman
 
Google TensorFlow Tutorial
台灣資料科學年會
 
Ad

Similar to Neural Networks with Google TensorFlow (20)

PDF
The Flow of TensorFlow
Jeongkyu Shin
 
PDF
TensorFlow and Keras: An Overview
Poo Kuan Hoong
 
PDF
Machine Learning with TensorFlow 2
Sarah Stemmler
 
PPTX
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
Simplilearn
 
PDF
DyCode Engineering - Machine Learning with TensorFlow
Alwin Arrasyid
 
PPTX
Tensor flow
Nikhil Krishna Nair
 
PDF
Introduction To Using TensorFlow & Deep Learning
ali alemi
 
PDF
TensorFlow example for AI Ukraine2016
Andrii Babii
 
PDF
Neural Networks from Scratch - TensorFlow 101
Gerold Bausch
 
PDF
Tensor flow white paper
Ying wei (Joe) Chou
 
PDF
Language translation with Deep Learning (RNN) with TensorFlow
S N
 
PPTX
24-TensorFlow-Clipper.pptxnjjjjnjjjjjjmm
SasidharaKashyapChat
 
PPTX
Neural networks and google tensor flow
Shannon McCormick
 
PPTX
Introduction to Deep Learning and Tensorflow
Oswald Campesato
 
PPTX
Lecture Note DL&NN Tensorflow.pptx
BhaviniBhatt7
 
PPTX
TensorFlow.pptx
Jayesh Patil
 
PDF
dfdshofdifhdifhdfhgfoighfgofgfgfgfgdfdfdfdf
nguyenhoangy207
 
PDF
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 
PPTX
An Introduction to TensorFlow architecture
Mani Goswami
 
PDF
A Look at TensorFlow.js
Jamal Sinclair O'Garro
 
The Flow of TensorFlow
Jeongkyu Shin
 
TensorFlow and Keras: An Overview
Poo Kuan Hoong
 
Machine Learning with TensorFlow 2
Sarah Stemmler
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
Simplilearn
 
DyCode Engineering - Machine Learning with TensorFlow
Alwin Arrasyid
 
Tensor flow
Nikhil Krishna Nair
 
Introduction To Using TensorFlow & Deep Learning
ali alemi
 
TensorFlow example for AI Ukraine2016
Andrii Babii
 
Neural Networks from Scratch - TensorFlow 101
Gerold Bausch
 
Tensor flow white paper
Ying wei (Joe) Chou
 
Language translation with Deep Learning (RNN) with TensorFlow
S N
 
24-TensorFlow-Clipper.pptxnjjjjnjjjjjjmm
SasidharaKashyapChat
 
Neural networks and google tensor flow
Shannon McCormick
 
Introduction to Deep Learning and Tensorflow
Oswald Campesato
 
Lecture Note DL&NN Tensorflow.pptx
BhaviniBhatt7
 
TensorFlow.pptx
Jayesh Patil
 
dfdshofdifhdifhdfhgfoighfgofgfgfgfgdfdfdfdf
nguyenhoangy207
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 
An Introduction to TensorFlow architecture
Mani Goswami
 
A Look at TensorFlow.js
Jamal Sinclair O'Garro
 
Ad

Recently uploaded (20)

PDF
Wondershare PDFelement Pro Crack for MacOS New Version Latest 2025
bashirkhan333g
 
PDF
Build It, Buy It, or Already Got It? Make Smarter Martech Decisions
bbedford2
 
PDF
Unlock Efficiency with Insurance Policy Administration Systems
Insurance Tech Services
 
PPTX
Empowering Asian Contributions: The Rise of Regional User Groups in Open Sour...
Shane Coughlan
 
PDF
Download Canva Pro 2025 PC Crack Full Latest Version
bashirkhan333g
 
PDF
Thread In Android-Mastering Concurrency for Responsive Apps.pdf
Nabin Dhakal
 
PDF
Driver Easy Pro 6.1.1 Crack Licensce key 2025 FREE
utfefguu
 
PPTX
Tally software_Introduction_Presentation
AditiBansal54083
 
PDF
vMix Pro 28.0.0.42 Download vMix Registration key Bundle
kulindacore
 
PDF
SciPy 2025 - Packaging a Scientific Python Project
Henry Schreiner
 
PDF
Top Agile Project Management Tools for Teams in 2025
Orangescrum
 
PPTX
AEM User Group: India Chapter Kickoff Meeting
jennaf3
 
PPTX
Migrating Millions of Users with Debezium, Apache Kafka, and an Acyclic Synch...
MD Sayem Ahmed
 
PDF
Revenue streams of the Wazirx clone script.pdf
aaronjeffray
 
PPTX
In From the Cold: Open Source as Part of Mainstream Software Asset Management
Shane Coughlan
 
PDF
SAP Firmaya İade ABAB Kodları - ABAB ile yazılmıl hazır kod örneği
Salih Küçük
 
PDF
Linux Certificate of Completion - LabEx Certificate
VICTOR MAESTRE RAMIREZ
 
PDF
유니티에서 Burst Compiler+ThreadedJobs+SIMD 적용사례
Seongdae Kim
 
PDF
Open Chain Q2 Steering Committee Meeting - 2025-06-25
Shane Coughlan
 
PPTX
Hardware(Central Processing Unit ) CU and ALU
RizwanaKalsoom2
 
Wondershare PDFelement Pro Crack for MacOS New Version Latest 2025
bashirkhan333g
 
Build It, Buy It, or Already Got It? Make Smarter Martech Decisions
bbedford2
 
Unlock Efficiency with Insurance Policy Administration Systems
Insurance Tech Services
 
Empowering Asian Contributions: The Rise of Regional User Groups in Open Sour...
Shane Coughlan
 
Download Canva Pro 2025 PC Crack Full Latest Version
bashirkhan333g
 
Thread In Android-Mastering Concurrency for Responsive Apps.pdf
Nabin Dhakal
 
Driver Easy Pro 6.1.1 Crack Licensce key 2025 FREE
utfefguu
 
Tally software_Introduction_Presentation
AditiBansal54083
 
vMix Pro 28.0.0.42 Download vMix Registration key Bundle
kulindacore
 
SciPy 2025 - Packaging a Scientific Python Project
Henry Schreiner
 
Top Agile Project Management Tools for Teams in 2025
Orangescrum
 
AEM User Group: India Chapter Kickoff Meeting
jennaf3
 
Migrating Millions of Users with Debezium, Apache Kafka, and an Acyclic Synch...
MD Sayem Ahmed
 
Revenue streams of the Wazirx clone script.pdf
aaronjeffray
 
In From the Cold: Open Source as Part of Mainstream Software Asset Management
Shane Coughlan
 
SAP Firmaya İade ABAB Kodları - ABAB ile yazılmıl hazır kod örneği
Salih Küçük
 
Linux Certificate of Completion - LabEx Certificate
VICTOR MAESTRE RAMIREZ
 
유니티에서 Burst Compiler+ThreadedJobs+SIMD 적용사례
Seongdae Kim
 
Open Chain Q2 Steering Committee Meeting - 2025-06-25
Shane Coughlan
 
Hardware(Central Processing Unit ) CU and ALU
RizwanaKalsoom2
 

Neural Networks with Google TensorFlow

Editor's Notes

  • #15: Regular Neural Nets don't scale well to full images.