SlideShare uma empresa Scribd logo
1 de 33
Baixar para ler offline
TensorFlow usage
Babii Andrii
Ph.D. student, Kharkiv National University of Radioelectronics
andrii.babii@nure.ua
2
Motivation
1. Data and model parallelism
2. TensorBoard for visualization
3. Computational graph abstraction
4. Python + Numpy
5. Great documentation and examples
6. More than deep learning framework
+ Now conception of ‘Python front-end’ for hard backend is trending
TinyFlow
http://dmlc.ml/2016/09/30/build-your-own-tensorflow-with-nnvm-and-torch.html
Syntax (‘Frontend’) like TensorFlow but interpretation is … Torch!
NNVM inspired by LLVM…
It provides ways to construct, represent and transform computation graphs
invariant of how it is executed.
3
TensorFlow basic concepts
A TensorFlow computation is described by a directed graph , which is
composed of a set of nodes
Library user construct a computational graph using one of the supported
frontend languages (C++ or Python)
In a TensorFlow graph, each node has zero or more inputs and zero or
more outputs, and represents the instantiation of an operation
Values that flow along normal edges in the graph (from outputs to inputs)
are tensors - arbitrary dimensionality arrays where the underlying el-
ement type is specified or inferred at graph-construction time
Special edges, called control dependencies , can also exist in the
graph
http://download.tensorflow.org/paper/whitepaper2015.pdf
TensorFlow architecture
Python C++ …
TensorFlow core execution language
CPU GPU Android …
There is the client, which uses the session interface to communicate with
the master and one or more worker processes
Each worker process responsible for arbitrating access to one or more
computational devices (such as CPU cores and GPU cards)
TensorFlow Computation graph
https://www.tensorflow.org/
TensorFlow basic concepts. Tensor
A Tensor is a typed multi-dimensional array. For example, a 4-D array of
floating point numbers representing a mini-batch of images with dimensions
[batch, height, width, channel].
In a launched graph: Type of the data that flow between nodes.
In the Python API: class used to represent the output and inputs of ops added
to the graph tf.Tensor. Instances of this class do not hold data.
In the C++ API: class used to represent tensors returned from a Session::Run()
call tensorflow::Tensor. Instances of this class hold data.
https://www.tensorflow.org/versions/r0.9/resources/glossary.html#glossary
TensorFlow basic concepts. Operations
An operation has a name and represents an abstract computation (e.g.,
“matrix multiply”, or “add”). An operation can have attributes.
•One common use of attributes is to make operations polymorphic over
different tensor element types.
A kernel is a particular implementation of an operation that can be run on a
particular type of device (e.g., CPU or GPU).
TensorFlow binary defines the sets of operations and kernels available
via a registration mechanism, and this set can be extended by linking
in additional operation and/or kernel definitions/registration
http://download.tensorflow.org/paper/whitepaper2015.pdf
Variable is a special kind of operation that returns a handle to a persistent
mutable tensor that survives across executions of a graph.
TensoFlow built-in operations
http://download.tensorflow.org/paper/whitepaper2015.pdf
9
TensorFlow. Execution of computation graph
Single device (for example we have only one core CPU for computation)
The nodes of the graph are executed in an order that
respects the dependencies between nodes
Multi-device execution
•Select device to place the computation for each node in the graph
•Managing the required communication of data
across device boundaries implied by these
placement decisions
http://download.tensorflow.org/paper/whitepaper2015.pdf
10
TensorFlow node placement
http://download.tensorflow.org/paper/whitepaper2015.pdf
11
Cross-device communications
http://download.tensorflow.org/paper/whitepaper2015.pdf
12
TensorFlow. Extensions
•Automatic Differentiation – Automatically computes gradients for data flow graphs.
•Partial Execution – Allows TensorFlow clients to execute a subgraph of the entire
execution graph.
•Device Constraints – Allows TensorFlow clients to control the placement of nodes
on a device.
•Control Flow – Enables support for conditionals and loops in data flow graphs.
•Input Operations – Facilitate efficient loading of data into large scale models from
the storage system.
•Queues – Allow different portions of the graph to execute asynchronously and to
hand off data through Enqueue and Dequeue operation. Enqueue and Dequeue
operations are blocking.
•Containers – The mechanism within TensorFlow for managing longer-lived
mutable stat
13
TensorFlow. Session
A Session object encapsulates the environment in which Tensor objects are
evaluated - TensorFlow Docs
import tensorflow as tf
a = tf.constant(5.0)
b = tf.constant(3.0)
c = a +b
with tf.Session() as sess:
print (sess.run(c)) # print(c.eval()) – will do the same (for current opened
session)
tf.InteractiveSession()
is just convenient synonym for keeping a default session open in ipython
sess.run(c)
is an example of a TensorFlow Fetch
14
TensorFlow. Variable
Variables are in-memory buffers
containing tensors.
They must be explicitly initialized and can
be saved to disk during and after training
TensorFlow Docs
import tensorflow as tf
weights = tf.Variable(tf.random_normal([100, 150], stddev=0.5), name="weights")
biases = tf.Variable(tf.zeros([150]), name="biases")
#https://www.tensorflow.org/versions/r0.11/api_docs/python/constant_op.html#random_normal
# Pin a variable to GPU.
with tf.device("/gpu:0"):
v = tf.Variable(...)
# Pin a variable to a particular parameter server task.
with tf.device("/job:ps/task:7"):
v = tf.Variable(...)
variable
assign
zeros, random_normal…
15
TensorFlow. Variable
Variable initializers must be run explicitly before other ops in your model can be
run. The easiest way to do that is to add an op that runs all the variable
initializers, and run that op before using the model. - TensorFlow Docs
init_op = tf.initialize_all_variables()
saver = tf.train.Saver()
# Later, when launching the model
with tf.Session() as sess:
# Run the init operation.
sess.run(init_op)
...
# Use the model
…
# Save the variables to disk.
save_path = saver.save(sess, "/tmp/model.ckpt")
print("Model saved in file: %s" % save_path)
Or we can init variable from value of other variable (it should be initialized before):
w2 = tf.Variable(weights.initialized_value(), name="w2")
tf.train.Saver object have restore method: saver.restore(sess, "/tmp/model.ckpt")
https://www.tensorflow.org/versions/r0.11/how_tos/variables/index.html
16
TensorFlow. Common syntax examples
Fill array with zeros and ones: a = tf.zeros((3,3)), b = tf.ones((3,3))
Sum of array, axis = 1: tf.reduce_sum(a,reduction_indices=[1])
Shape of array: a.get_shape()
Re-shape: array: tf.reshape(a,(1,4))
Basic arithmetic: a*3+ 2
Multiplication: tf.matmul(c, d)
Element accessing: a[0,0], a[:,0], a[0,:]
17
TensorFlow data input
How can we input external data into TensorFlow?
Simple solution: Import from Numpy:
a = np.zeros((3,3))
ta = tf.convert_to_tensor(a)
Simple, but does not scale
18
TensorFlow data input
Use tf.placeholder variables (dummy nodes that provide entry points for data
to computational graph).
A feed_dict is a python dictionary mapping from
tf.placeholder vars (or their names) to data (numpy arrays, lists, etc.)
Example:
input1 = tf.placeholder(tf.float32)
input2 = tf.placeholder(tf.float32)
output = tf.mul(input1, input2)
with tf.Session()as sess:
print(sess.run([output], feed_dict={input1:[6.], input2:[3.]}))
19
TensorFlow data input
Evaluation:
feed_dict={input1:[6.], input2:[3.]}
input1 = tf.placeholder(tf.float32) input2 = tf.placeholder(tf.float32)
result
20
TensorFlow namespaces & get_variable
Variable Scope mechanism in TensorFlow consists of 2 main functions:
tf.get_variable(<name>, <shape>, <initializer>): Creates or returns a variable
with a given name.
tf.variable_scope(<scope_name>): Manages namespaces for names passed to
tf.get_variable().
Case 1: the scope is set for creating new variables, as evidenced by
tf.get_variable_scope().reuse == False.
tf.get_varible two cases:
Case 2: the scope is set for reusing variables, as evidenced by
tf.get_variable_scope().reuse == True.
21
Example
Problem: Linear regression min)ˆ( 22
→−= ∑∑ yye
x
x
x
x
x
Predicted value
Real value
Error = Y_predicted – Y_real
Y = X*k + b
22
Example
import numpy as np
Import tensorflow as tf
# Prepre input data for regression. X from 1 to 100 with step 0.1
# Y = X+ 10*cos(X/5)
X_gen = np.arange(100, step=.1)
Y_gen = X_gen + 10 * np.cos(X_gen/5)
#Number of samples. 100/0.1 = 1000
n_samples = 1000
#Batch size
batch_size = 100
#Steps number
steps_number = 400
https://github.com/anrew-git/tf_linear
23
Example
24
Example
# Tensorflow is sensitive to shapes, so reshaping without data change
# It were (n_samples,), now should be (n_samples, 1)
X_gen = np.reshape(X_gen, (n_samples,1))
Y_gen = np.reshape(Y_gen, (n_samples,1))
# Preparing placeholders
X = tf.placeholder(tf.float32, shape=(batch_size, 1))
Y = tf.placeholder(tf.float32, shape=(batch_size, 1))
25
Example
# Define variables to be learned
with tf.variable_scope("linear-regression"):
k = tf.get_variable("weights", (1, 1),
initializer=tf.random_normal_initializer())
b = tf.get_variable("bias", (1,),
initializer=tf.constant_initializer(0.0))
y_predicted = tf.matmul(X, k) + b
loss = tf.reduce_sum((Y - y_predicted)**2)
26
Example
# Sample code to solve this problem
# Define optimizer properties – optimization type – minimization, variable
opt_operation = tf.train.AdamOptimizer().minimize(loss)
with tf.Session() as sess:
# Initialize Variables in graph
sess.run(tf.initialize_all_variables())
# Optimization loop for steps_number steps
for i in range(steps_number):
# Select random minibatch
indices = np.random.choice(n_samples, batch_size)
X_batch, y_batch = X_gen[indices], Y_gen[indices]
# Do optimization step
sess.run([opt_operation, loss],
feed_dict={X: X_batch, Y: y_batch})
27
Example
# Gradient descent loop for steps_number steps
for i in range(steps_number):
# Select random minibatch
batch_indices = np.random.choice(n_samples, batch_size)
X_batch, y_batch = X_gen[batch_indices], Y_gen[batch_indices]
# Do optimization step
sess.run([opt_operation, loss],
feed_dict={X: X_batch, Y: y_batch})
Preparing mini-batches
Inside sess.run – feed data to TensorFlow
28
Example
feed_dict={X: X_batch, Y: y_batch})
y_predicted = tf.matmul(X, k) + b
loss = tf.reduce_sum((Y - y_predicted)**2)
k = tf.get_variable("weights", (1, 1),
initializer=tf.random_normal_initializer())
b = tf.get_variable("bias", (1,),
initializer=tf.constant_initializer(0.0))
29
Example
30
TensorFlow auto-differentiation and gradient
Automatic differentiation computes gradients without user input
TensorFlow nodes in computation graph have attached gradient operations.
Use backpropagation (using node-specific gradient ops) to compute required
gradients for all variables in graph
31
TensorFlow
1. TensorFlow has good computational graph visualization.
2. Support from such a huge company as Google is a plus for TensorFlow.
3. TensorFlow has C++ and Python interfaces.
4. TensorFlow has benefits on large computation problems and distributed
heterogeneus computation enviroment
5. TensorFlow not so good on 1-GPU / single host hardware as Theano/Torch
6. TensorFlow base can be extended to the wide range of new hardware
32
References
1. http://download.tensorflow.org/paper/whitepaper2015.pdf
2. https://www.tensorflow.org/
3. Getting Started with TensorFlow by Giancarlo Zaccone
4. TensorFlow Machine Learning Cookbook Paperback by Nick McClure
5. https://github.com/aymericdamien/TensorFlow-Examples
6. https://www.tensorflow.org/versions/r0.10/tutorials/index.html
7. http://bcomposes.com/2015/11/26/simple-end-to-end-tensorflow-examples/
8. https://github.com/anrew-git/tf_linear
9. Основные концепции нейронных сетей. Р. Каллан
33
Questions?

Mais conteúdo relacionado

Mais procurados

Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlowNeural Networks with Google TensorFlow
Neural Networks with Google TensorFlowDarshan Patel
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Databricks
 
Rajat Monga at AI Frontiers: Deep Learning with TensorFlow
Rajat Monga at AI Frontiers: Deep Learning with TensorFlowRajat Monga at AI Frontiers: Deep Learning with TensorFlow
Rajat Monga at AI Frontiers: Deep Learning with TensorFlowAI Frontiers
 
TensorFlow in Your Browser
TensorFlow in Your BrowserTensorFlow in Your Browser
TensorFlow in Your BrowserOswald Campesato
 
Introduction to Deep Learning, Keras, and Tensorflow
Introduction to Deep Learning, Keras, and TensorflowIntroduction to Deep Learning, Keras, and Tensorflow
Introduction to Deep Learning, Keras, and TensorflowOswald Campesato
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowNicholas McClure
 
Machine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowMachine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowAndrew Ferlitsch
 
Introduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyIntroduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyTed Xiao
 
TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약Jin Joong Kim
 
Hack Like It's 2013 (The Workshop)
Hack Like It's 2013 (The Workshop)Hack Like It's 2013 (The Workshop)
Hack Like It's 2013 (The Workshop)Itzik Kotler
 
Working with tf.data (TF 2)
Working with tf.data (TF 2)Working with tf.data (TF 2)
Working with tf.data (TF 2)Oswald Campesato
 
Deep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlowDeep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlowOswald Campesato
 
Tensorflow windows installation
Tensorflow windows installationTensorflow windows installation
Tensorflow windows installationmarwa Ayad Mohamed
 
Natural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usageNatural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usagehyunyoung Lee
 
Introduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasIntroduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasOswald Campesato
 
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...Edureka!
 
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...Big Data Spain
 
Introducton to Convolutional Nerural Network with TensorFlow
Introducton to Convolutional Nerural Network with TensorFlowIntroducton to Convolutional Nerural Network with TensorFlow
Introducton to Convolutional Nerural Network with TensorFlowEtsuji Nakai
 

Mais procurados (20)

Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlowNeural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0
 
Rajat Monga at AI Frontiers: Deep Learning with TensorFlow
Rajat Monga at AI Frontiers: Deep Learning with TensorFlowRajat Monga at AI Frontiers: Deep Learning with TensorFlow
Rajat Monga at AI Frontiers: Deep Learning with TensorFlow
 
TensorFlow in Your Browser
TensorFlow in Your BrowserTensorFlow in Your Browser
TensorFlow in Your Browser
 
Introduction to Deep Learning, Keras, and Tensorflow
Introduction to Deep Learning, Keras, and TensorflowIntroduction to Deep Learning, Keras, and Tensorflow
Introduction to Deep Learning, Keras, and Tensorflow
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
 
Machine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowMachine Learning - Introduction to Tensorflow
Machine Learning - Introduction to Tensorflow
 
Introduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyIntroduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at Berkeley
 
TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약
 
Hack Like It's 2013 (The Workshop)
Hack Like It's 2013 (The Workshop)Hack Like It's 2013 (The Workshop)
Hack Like It's 2013 (The Workshop)
 
Working with tf.data (TF 2)
Working with tf.data (TF 2)Working with tf.data (TF 2)
Working with tf.data (TF 2)
 
Machine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlowMachine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlow
 
H2 o berkeleydltf
H2 o berkeleydltfH2 o berkeleydltf
H2 o berkeleydltf
 
Deep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlowDeep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlow
 
Tensorflow windows installation
Tensorflow windows installationTensorflow windows installation
Tensorflow windows installation
 
Natural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usageNatural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usage
 
Introduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasIntroduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and Keras
 
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
 
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
 
Introducton to Convolutional Nerural Network with TensorFlow
Introducton to Convolutional Nerural Network with TensorFlowIntroducton to Convolutional Nerural Network with TensorFlow
Introducton to Convolutional Nerural Network with TensorFlow
 

Destaque

개발자를 위한 공감세미나 tensor-flow
개발자를 위한 공감세미나 tensor-flow개발자를 위한 공감세미나 tensor-flow
개발자를 위한 공감세미나 tensor-flow양 한빛
 
Introduction to TensorFlow
Introduction to TensorFlowIntroduction to TensorFlow
Introduction to TensorFlowMatthias Feys
 
해커에게 전해들은 머신러닝 #1
해커에게 전해들은 머신러닝 #1해커에게 전해들은 머신러닝 #1
해커에게 전해들은 머신러닝 #1Haesun Park
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Jen Aman
 

Destaque (6)

Google TensorFlow Tutorial
Google TensorFlow TutorialGoogle TensorFlow Tutorial
Google TensorFlow Tutorial
 
Meetup tensorframes
Meetup tensorframesMeetup tensorframes
Meetup tensorframes
 
개발자를 위한 공감세미나 tensor-flow
개발자를 위한 공감세미나 tensor-flow개발자를 위한 공감세미나 tensor-flow
개발자를 위한 공감세미나 tensor-flow
 
Introduction to TensorFlow
Introduction to TensorFlowIntroduction to TensorFlow
Introduction to TensorFlow
 
해커에게 전해들은 머신러닝 #1
해커에게 전해들은 머신러닝 #1해커에게 전해들은 머신러닝 #1
해커에게 전해들은 머신러닝 #1
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 

Semelhante a TensorFlow example for AI Ukraine2016

Introduction To Using TensorFlow & Deep Learning
Introduction To Using TensorFlow & Deep LearningIntroduction To Using TensorFlow & Deep Learning
Introduction To Using TensorFlow & Deep Learningali alemi
 
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...Chris Fregly
 
Deep Learning, Scala, and Spark
Deep Learning, Scala, and SparkDeep Learning, Scala, and Spark
Deep Learning, Scala, and SparkOswald Campesato
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...Simplilearn
 
A Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsA Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsDean Wyatte
 
running Tensorflow in Production
running Tensorflow in Productionrunning Tensorflow in Production
running Tensorflow in ProductionMatthias Feys
 
Deep Learning and TensorFlow
Deep Learning and TensorFlowDeep Learning and TensorFlow
Deep Learning and TensorFlowOswald Campesato
 
Advanced Spark and TensorFlow Meetup May 26, 2016
Advanced Spark and TensorFlow Meetup May 26, 2016Advanced Spark and TensorFlow Meetup May 26, 2016
Advanced Spark and TensorFlow Meetup May 26, 2016Chris Fregly
 
Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117Ganesan Narayanasamy
 
How to use tensorflow
How to use tensorflowHow to use tensorflow
How to use tensorflowhyunyoung Lee
 
Deep Learning in your Browser: powered by WebGL
Deep Learning in your Browser: powered by WebGLDeep Learning in your Browser: powered by WebGL
Deep Learning in your Browser: powered by WebGLOswald Campesato
 
Tensorflow in practice by Engineer - donghwi cha
Tensorflow in practice by Engineer - donghwi chaTensorflow in practice by Engineer - donghwi cha
Tensorflow in practice by Engineer - donghwi chaDonghwi Cha
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processingananth
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2Oswald Campesato
 
TensorFlow.pptx
TensorFlow.pptxTensorFlow.pptx
TensorFlow.pptxKavikiran3
 
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...Databricks
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...Simplilearn
 

Semelhante a TensorFlow example for AI Ukraine2016 (20)

Introduction To Using TensorFlow & Deep Learning
Introduction To Using TensorFlow & Deep LearningIntroduction To Using TensorFlow & Deep Learning
Introduction To Using TensorFlow & Deep Learning
 
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
 
Deep Learning, Scala, and Spark
Deep Learning, Scala, and SparkDeep Learning, Scala, and Spark
Deep Learning, Scala, and Spark
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
 
Keras and TensorFlow
Keras and TensorFlowKeras and TensorFlow
Keras and TensorFlow
 
A Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsA Tour of Tensorflow's APIs
A Tour of Tensorflow's APIs
 
running Tensorflow in Production
running Tensorflow in Productionrunning Tensorflow in Production
running Tensorflow in Production
 
Deep Learning and TensorFlow
Deep Learning and TensorFlowDeep Learning and TensorFlow
Deep Learning and TensorFlow
 
TensorFlow Tutorial.pdf
TensorFlow Tutorial.pdfTensorFlow Tutorial.pdf
TensorFlow Tutorial.pdf
 
Advanced Spark and TensorFlow Meetup May 26, 2016
Advanced Spark and TensorFlow Meetup May 26, 2016Advanced Spark and TensorFlow Meetup May 26, 2016
Advanced Spark and TensorFlow Meetup May 26, 2016
 
Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117
 
How to use tensorflow
How to use tensorflowHow to use tensorflow
How to use tensorflow
 
Deep Learning in your Browser: powered by WebGL
Deep Learning in your Browser: powered by WebGLDeep Learning in your Browser: powered by WebGL
Deep Learning in your Browser: powered by WebGL
 
Tensorflow in practice by Engineer - donghwi cha
Tensorflow in practice by Engineer - donghwi chaTensorflow in practice by Engineer - donghwi cha
Tensorflow in practice by Engineer - donghwi cha
 
Deep Learning in theano
Deep Learning in theanoDeep Learning in theano
Deep Learning in theano
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processing
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2
 
TensorFlow.pptx
TensorFlow.pptxTensorFlow.pptx
TensorFlow.pptx
 
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
 

Último

AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfAMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfphamnguyenenglishnb
 
Choosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for ParentsChoosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for Parentsnavabharathschool99
 
Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Mark Reed
 
Roles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceRoles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceSamikshaHamane
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Jisc
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxAshokKarra1
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxAnupkumar Sharma
 
Gas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxGas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxDr.Ibrahim Hassaan
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Celine George
 
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxGrade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxChelloAnnAsuncion2
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSJoshuaGantuangco2
 
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)lakshayb543
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxHumphrey A Beña
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPCeline George
 
Q4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxQ4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxnelietumpap1
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17Celine George
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersSabitha Banu
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4MiaBumagat1
 

Último (20)

AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfAMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
 
Choosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for ParentsChoosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for Parents
 
Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)
 
Roles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in PharmacovigilanceRoles & Responsibilities in Pharmacovigilance
Roles & Responsibilities in Pharmacovigilance
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptx
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
 
Gas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxGas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptx
 
Raw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptxRaw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptx
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17
 
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxGrade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
 
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERP
 
Q4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxQ4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptx
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginners
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4
 

TensorFlow example for AI Ukraine2016

  • 1. TensorFlow usage Babii Andrii Ph.D. student, Kharkiv National University of Radioelectronics andrii.babii@nure.ua
  • 2. 2 Motivation 1. Data and model parallelism 2. TensorBoard for visualization 3. Computational graph abstraction 4. Python + Numpy 5. Great documentation and examples 6. More than deep learning framework + Now conception of ‘Python front-end’ for hard backend is trending TinyFlow http://dmlc.ml/2016/09/30/build-your-own-tensorflow-with-nnvm-and-torch.html Syntax (‘Frontend’) like TensorFlow but interpretation is … Torch! NNVM inspired by LLVM… It provides ways to construct, represent and transform computation graphs invariant of how it is executed.
  • 3. 3 TensorFlow basic concepts A TensorFlow computation is described by a directed graph , which is composed of a set of nodes Library user construct a computational graph using one of the supported frontend languages (C++ or Python) In a TensorFlow graph, each node has zero or more inputs and zero or more outputs, and represents the instantiation of an operation Values that flow along normal edges in the graph (from outputs to inputs) are tensors - arbitrary dimensionality arrays where the underlying el- ement type is specified or inferred at graph-construction time Special edges, called control dependencies , can also exist in the graph http://download.tensorflow.org/paper/whitepaper2015.pdf
  • 4. TensorFlow architecture Python C++ … TensorFlow core execution language CPU GPU Android … There is the client, which uses the session interface to communicate with the master and one or more worker processes Each worker process responsible for arbitrating access to one or more computational devices (such as CPU cores and GPU cards)
  • 6. TensorFlow basic concepts. Tensor A Tensor is a typed multi-dimensional array. For example, a 4-D array of floating point numbers representing a mini-batch of images with dimensions [batch, height, width, channel]. In a launched graph: Type of the data that flow between nodes. In the Python API: class used to represent the output and inputs of ops added to the graph tf.Tensor. Instances of this class do not hold data. In the C++ API: class used to represent tensors returned from a Session::Run() call tensorflow::Tensor. Instances of this class hold data. https://www.tensorflow.org/versions/r0.9/resources/glossary.html#glossary
  • 7. TensorFlow basic concepts. Operations An operation has a name and represents an abstract computation (e.g., “matrix multiply”, or “add”). An operation can have attributes. •One common use of attributes is to make operations polymorphic over different tensor element types. A kernel is a particular implementation of an operation that can be run on a particular type of device (e.g., CPU or GPU). TensorFlow binary defines the sets of operations and kernels available via a registration mechanism, and this set can be extended by linking in additional operation and/or kernel definitions/registration http://download.tensorflow.org/paper/whitepaper2015.pdf Variable is a special kind of operation that returns a handle to a persistent mutable tensor that survives across executions of a graph.
  • 9. 9 TensorFlow. Execution of computation graph Single device (for example we have only one core CPU for computation) The nodes of the graph are executed in an order that respects the dependencies between nodes Multi-device execution •Select device to place the computation for each node in the graph •Managing the required communication of data across device boundaries implied by these placement decisions http://download.tensorflow.org/paper/whitepaper2015.pdf
  • 12. 12 TensorFlow. Extensions •Automatic Differentiation – Automatically computes gradients for data flow graphs. •Partial Execution – Allows TensorFlow clients to execute a subgraph of the entire execution graph. •Device Constraints – Allows TensorFlow clients to control the placement of nodes on a device. •Control Flow – Enables support for conditionals and loops in data flow graphs. •Input Operations – Facilitate efficient loading of data into large scale models from the storage system. •Queues – Allow different portions of the graph to execute asynchronously and to hand off data through Enqueue and Dequeue operation. Enqueue and Dequeue operations are blocking. •Containers – The mechanism within TensorFlow for managing longer-lived mutable stat
  • 13. 13 TensorFlow. Session A Session object encapsulates the environment in which Tensor objects are evaluated - TensorFlow Docs import tensorflow as tf a = tf.constant(5.0) b = tf.constant(3.0) c = a +b with tf.Session() as sess: print (sess.run(c)) # print(c.eval()) – will do the same (for current opened session) tf.InteractiveSession() is just convenient synonym for keeping a default session open in ipython sess.run(c) is an example of a TensorFlow Fetch
  • 14. 14 TensorFlow. Variable Variables are in-memory buffers containing tensors. They must be explicitly initialized and can be saved to disk during and after training TensorFlow Docs import tensorflow as tf weights = tf.Variable(tf.random_normal([100, 150], stddev=0.5), name="weights") biases = tf.Variable(tf.zeros([150]), name="biases") #https://www.tensorflow.org/versions/r0.11/api_docs/python/constant_op.html#random_normal # Pin a variable to GPU. with tf.device("/gpu:0"): v = tf.Variable(...) # Pin a variable to a particular parameter server task. with tf.device("/job:ps/task:7"): v = tf.Variable(...) variable assign zeros, random_normal…
  • 15. 15 TensorFlow. Variable Variable initializers must be run explicitly before other ops in your model can be run. The easiest way to do that is to add an op that runs all the variable initializers, and run that op before using the model. - TensorFlow Docs init_op = tf.initialize_all_variables() saver = tf.train.Saver() # Later, when launching the model with tf.Session() as sess: # Run the init operation. sess.run(init_op) ... # Use the model … # Save the variables to disk. save_path = saver.save(sess, "/tmp/model.ckpt") print("Model saved in file: %s" % save_path) Or we can init variable from value of other variable (it should be initialized before): w2 = tf.Variable(weights.initialized_value(), name="w2") tf.train.Saver object have restore method: saver.restore(sess, "/tmp/model.ckpt") https://www.tensorflow.org/versions/r0.11/how_tos/variables/index.html
  • 16. 16 TensorFlow. Common syntax examples Fill array with zeros and ones: a = tf.zeros((3,3)), b = tf.ones((3,3)) Sum of array, axis = 1: tf.reduce_sum(a,reduction_indices=[1]) Shape of array: a.get_shape() Re-shape: array: tf.reshape(a,(1,4)) Basic arithmetic: a*3+ 2 Multiplication: tf.matmul(c, d) Element accessing: a[0,0], a[:,0], a[0,:]
  • 17. 17 TensorFlow data input How can we input external data into TensorFlow? Simple solution: Import from Numpy: a = np.zeros((3,3)) ta = tf.convert_to_tensor(a) Simple, but does not scale
  • 18. 18 TensorFlow data input Use tf.placeholder variables (dummy nodes that provide entry points for data to computational graph). A feed_dict is a python dictionary mapping from tf.placeholder vars (or their names) to data (numpy arrays, lists, etc.) Example: input1 = tf.placeholder(tf.float32) input2 = tf.placeholder(tf.float32) output = tf.mul(input1, input2) with tf.Session()as sess: print(sess.run([output], feed_dict={input1:[6.], input2:[3.]}))
  • 19. 19 TensorFlow data input Evaluation: feed_dict={input1:[6.], input2:[3.]} input1 = tf.placeholder(tf.float32) input2 = tf.placeholder(tf.float32) result
  • 20. 20 TensorFlow namespaces & get_variable Variable Scope mechanism in TensorFlow consists of 2 main functions: tf.get_variable(<name>, <shape>, <initializer>): Creates or returns a variable with a given name. tf.variable_scope(<scope_name>): Manages namespaces for names passed to tf.get_variable(). Case 1: the scope is set for creating new variables, as evidenced by tf.get_variable_scope().reuse == False. tf.get_varible two cases: Case 2: the scope is set for reusing variables, as evidenced by tf.get_variable_scope().reuse == True.
  • 21. 21 Example Problem: Linear regression min)ˆ( 22 →−= ∑∑ yye x x x x x Predicted value Real value Error = Y_predicted – Y_real Y = X*k + b
  • 22. 22 Example import numpy as np Import tensorflow as tf # Prepre input data for regression. X from 1 to 100 with step 0.1 # Y = X+ 10*cos(X/5) X_gen = np.arange(100, step=.1) Y_gen = X_gen + 10 * np.cos(X_gen/5) #Number of samples. 100/0.1 = 1000 n_samples = 1000 #Batch size batch_size = 100 #Steps number steps_number = 400 https://github.com/anrew-git/tf_linear
  • 24. 24 Example # Tensorflow is sensitive to shapes, so reshaping without data change # It were (n_samples,), now should be (n_samples, 1) X_gen = np.reshape(X_gen, (n_samples,1)) Y_gen = np.reshape(Y_gen, (n_samples,1)) # Preparing placeholders X = tf.placeholder(tf.float32, shape=(batch_size, 1)) Y = tf.placeholder(tf.float32, shape=(batch_size, 1))
  • 25. 25 Example # Define variables to be learned with tf.variable_scope("linear-regression"): k = tf.get_variable("weights", (1, 1), initializer=tf.random_normal_initializer()) b = tf.get_variable("bias", (1,), initializer=tf.constant_initializer(0.0)) y_predicted = tf.matmul(X, k) + b loss = tf.reduce_sum((Y - y_predicted)**2)
  • 26. 26 Example # Sample code to solve this problem # Define optimizer properties – optimization type – minimization, variable opt_operation = tf.train.AdamOptimizer().minimize(loss) with tf.Session() as sess: # Initialize Variables in graph sess.run(tf.initialize_all_variables()) # Optimization loop for steps_number steps for i in range(steps_number): # Select random minibatch indices = np.random.choice(n_samples, batch_size) X_batch, y_batch = X_gen[indices], Y_gen[indices] # Do optimization step sess.run([opt_operation, loss], feed_dict={X: X_batch, Y: y_batch})
  • 27. 27 Example # Gradient descent loop for steps_number steps for i in range(steps_number): # Select random minibatch batch_indices = np.random.choice(n_samples, batch_size) X_batch, y_batch = X_gen[batch_indices], Y_gen[batch_indices] # Do optimization step sess.run([opt_operation, loss], feed_dict={X: X_batch, Y: y_batch}) Preparing mini-batches Inside sess.run – feed data to TensorFlow
  • 28. 28 Example feed_dict={X: X_batch, Y: y_batch}) y_predicted = tf.matmul(X, k) + b loss = tf.reduce_sum((Y - y_predicted)**2) k = tf.get_variable("weights", (1, 1), initializer=tf.random_normal_initializer()) b = tf.get_variable("bias", (1,), initializer=tf.constant_initializer(0.0))
  • 30. 30 TensorFlow auto-differentiation and gradient Automatic differentiation computes gradients without user input TensorFlow nodes in computation graph have attached gradient operations. Use backpropagation (using node-specific gradient ops) to compute required gradients for all variables in graph
  • 31. 31 TensorFlow 1. TensorFlow has good computational graph visualization. 2. Support from such a huge company as Google is a plus for TensorFlow. 3. TensorFlow has C++ and Python interfaces. 4. TensorFlow has benefits on large computation problems and distributed heterogeneus computation enviroment 5. TensorFlow not so good on 1-GPU / single host hardware as Theano/Torch 6. TensorFlow base can be extended to the wide range of new hardware
  • 32. 32 References 1. http://download.tensorflow.org/paper/whitepaper2015.pdf 2. https://www.tensorflow.org/ 3. Getting Started with TensorFlow by Giancarlo Zaccone 4. TensorFlow Machine Learning Cookbook Paperback by Nick McClure 5. https://github.com/aymericdamien/TensorFlow-Examples 6. https://www.tensorflow.org/versions/r0.10/tutorials/index.html 7. http://bcomposes.com/2015/11/26/simple-end-to-end-tensorflow-examples/ 8. https://github.com/anrew-git/tf_linear 9. Основные концепции нейронных сетей. Р. Каллан