SlideShare a Scribd company logo
a 30 min short walk
Robert Saxby - Big Data Product Specialist
Sustainability
Google datacenters have half the
overhead of typical industry data centers
Largest private investor in renewables: $2
billion generating 3.2 GW
Applying Machine Learning produced
40% reduction in cooling energy
Large Datasets Cutting Edge Models Compute at Scale
Drivers of Success in AI/ML Projects
App DeveloperData Scientist
Build custom modelsUse/extend OSS SDK Use pre-built models
ML researcher
Cloud MLE ML Perception services
End to End: Google Cloud AI Spectrum
App DeveloperData Scientist
Build custom modelsUse/extend OSS SDK Use pre-built models
ML researcher
Cloud MLE ML Perception services
End to End: Google Cloud AI Spectrum
Proprietary + Confidential
What is TensorFlow?
● A system for distributed, parallel machine learning
● It’s based on general-purpose dataflow graphs
● It targets heterogeneous devices
○ A single PC with CPU
○ A single PC with GPU(s)
○ A mobile device
○ Clusters of 100s or 1000s of CPUs, GPUs and TPUs
Proprietary + Confidential
Another data flow system
MatMul
Add Relu
biases
weights
examples
labels
Xent
Graph of Nodes, also called Operations or ops
Proprietary + Confidential
With tensors
MatMul
Add Relu
biases
weights
examples
labels
Xent
Edges are N-dimensional arrays: Tensors
Proprietary + Confidential
What’s in a name?
0 Scalar (magnitude only) s = 483
1 Vector (magnitude and direction) v = [1.1, 2.2, 3.3]
2 Matrix (table of numbers) m = [[1, 2, 3], [4, 5, 6], [7, 8, 9]]
3 3-Tensor (cube of numbers) t = [[[2], [4], [6]], [[8], [10], [12]], [[14], [16], [18]]]
4 n-Tensor (you get the idea) ....
Proprietary + Confidential
Convolutional layer
W1
[4, 4, 3]
W2
[4, 4, 3]
+padding
W[4, 4, 3, 2]
filter
size
input
channels
output
channels
stride
convolutional
subsampling
convolutional
subsampling
convolutional
subsampling
Proprietary + Confidential
With state
Add Mul
biases
...
learning
rate
−=...
'Biases' is a variable −= updates biasesSome ops compute gradients
Proprietary + Confidential
And distributed
Add Mul
biases
...
learning
rate
−=...
Device BDevice A
TensorFlow Distributed Execution Engine
CPU GPU Android iOS ...
C++ FrontendPython Frontend ...
Layers
Estimator
Models in a box
Train and evaluate
models
Build models
Keras
Model
Canned Estimators
Proprietary + Confidential
Artificial Intelligence
The science of making things smart
Neural Network
A type of algorithm in machine learning
Machine Learning
Building machines that can learn
Proprietary + Confidential
The popular imagination of what ML is
Lots of data Magical resultsComplex mathematics in multidimensional spaces
Proprietary + Confidential
In reality, ML is
Collect
data
Create the
model
Refine the
model
Understand
and prepare
the data
Serve the
model
Define
objectives
Proprietary + Confidential
In reality, ML is
Collect
data
Create the
model
Refine the
model
Understand
and prepare
the data
Serve the
model
Define
objectives
Proprietary + Confidential
Neural Network is a function that can learn
Proprietary + Confidential
How about this?
Proprietary + Confidential
Neural Network can extract hidden features from data
Proprietary + Confidential
28x28
pixels
softmax
...
...
0 1 2 9
weighted sum of all
pixels + bias
neuron outputs
784 pixels
A very simple model
L0,0
w0,0
w0,1
w0,2
w0,3
… w0,9
w1,0
w1,1
w1,2
w1,3
… w1,9
w2,0
w2,1
w2,2
w2,3
… w2,9
w3,0
w3,1
w3,2
w3,3
… w3,9
w4,0
w4,1
w4,2
w4,3
… w4,9
w5,0
w5,1
w5,2
w5,3
… w5,9
w6,0
w6,1
w6,2
w6,3
… w6,9
w7,0
w7,1
w7,2
w7,3
… w7,9
w8,0
w8,1
w8,2
w8,3
… w8,9
…
w783,0
w783,1
w783,2
… w783,9
x
x
x
x
x
x
x
x
L1,0
L1,1
L1,2
L1,3
… L1,9
L2,0
L2,1
L2,2
L2,3
… L2,9
L3,0
L3,1
L3,2
L3,3
… L3,9
L4,0
L4,1
L4,2
L4,3
… L4,9
…
L99,0
L99,1
L99,2
… L99,9
L0,0
L0,1
L0,2
L0,3
… L0,9
… + b0
b1
b2
b3
… b9
+ Same 10 biases
on all lines
X : 100 images,
one per line,
flattened
784 pixels
784lines
broadcast
100 images at a time
Proprietary + Confidential
9...0 1 2
sigmoid function
softmax
200
100
60
10
30
784
overkill
;-)
Going Deep, 5 Layers Deep
Proprietary + Confidential
TanhSigmoidBinary StepIdentity Relu
Softmax
1 1 1
-1
weighted sum of all
pixels + bias
2.0
1.0
0.1
Scores
→ Logits
0.7
0.2
0.1
Probabilities
Activation Functions
Proprietary + Confidential
Predictions Images Weights Biases
Y[100, 10] X[100, 784] W[784,10] b[10]
matrix multiply
broadcast
on all lines
applied line
by line
tensor shapes in [ ]
Softmax on a batch of images
Demo
Proprietary + Confidential
Cross entropy:
computed probabilities
actual probabilities, “one-hot” encoded
0 0 0 0 0 0 1 0 0 0
this is a “6”
0.1 0.2 0.1 0.3 0.2 0.1 0.9 0.2 0.1 0.1
0 1 2 3 4 5 6 7 8 9
0 1 2 3 4 5 6 7 8 9
Success?
Proprietary + Confidential
Gradient Descent
Proprietary + Confidential
import tensorflow as tf
X = tf.placeholder(tf.float32, [None, 28, 28, 1])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
init = tf.initialize_all_variables()
# model
Y=tf.nn.softmax(tf.matmul(tf.reshape(X,[-1, 784]), W) + b)
# placeholder for correct answers
Y_ = tf.placeholder(tf.float32, [None, 10])
# loss function
cross_entropy = -tf.reduce_sum(Y_ * tf.log(Y))
# % of correct answers found in batch
is_correct = tf.equal(tf.argmax(Y,1), tf.argmax(Y_,1))
accuracy = tf.reduce_mean(tf.cast(is_correct,tf.float32))
optimizer = tf.train.GradientDescentOptimizer(0.003)
train_step = optimizer.minimize(cross_entropy)
sess = tf.Session()
sess.run(init)
for i in range(10000):
# load batch of images and correct answers
batch_X, batch_Y = mnist.train.next_batch(100)
train_data={X: batch_X, Y_: batch_Y}
# train
sess.run(train_step, feed_dict=train_data)
# success ? add code to print it
a,c = sess.run([accuracy, cross_entropy], feed=train_data)
# success on test data ?
test_data={X:mnist.test.images, Y_:mnist.test.labels}
a,c = sess.run([accuracy, cross_entropy], feed=test_data)
initialisation
model
success metrics
training step
Run
The whole code
Workshop
Self-paced code lab (summary below ↓): goo.gl/mVZloU
Code: github.com/martin-gorner/tensorflow-mnist-tutorial
1-5. Theory (install then sit back and listen or read)
Neural networks 101: softmax, cross-entropy,
mini-batching, gradient descent, hidden layers, sigmoids,
and how to implement them in Tensorflow
6. Practice (full instructions for this step)
Open file: mnist_1.0_softmax.py
Run it, play with the visualisations (keyboard shortcuts
on previous slide), read and understand the code as well
as the basic structure of a Tensorflow program.
7. Practice (full instructions for this step)
Start from the file mnist_1.0_softmax.py and add one
or two hidden layers.
Solution in: mnist_2.0_five_layers_sigmoid.py
8. Practice (full instructions for this step)
Special care for deep neural networks: use RELU
activation functions, use a better optimiser, initialise
weights with random values and beware of the log(0)
9-10. Practice (full instructions for this step)
Use a decaying learning rate and then add dropout
Solution in: mnist_2.2_five_layers_relu_lrdecay_dropout.py
11. Theory (sit back and listen or read)
Convolutional networks
12. Practice (full instructions for this step)
Replace your model with a convolutional network,
without dropout.
Solution in: mnist_3.0_convolutional.py
13. Challenge (full instructions for this step)
Try a bigger neural network (good hyperparameters on
slide 43) and add dropout on the last layer to get >99%
Solution in: mnist_3.0_convolutional_bigger_dropout.py
?
?
Proprietary + Confidential
https://cloud.google.com/solutions/running-distributed-tensorflow-on-compute-engine
Distributed TensorFlow on Compute Engine
Proprietary + Confidential
Machine Learning on any data, of any size
Cloud ML Engine
Portable models with TensorFlow
Services are designed to work together
Managed distributed training infrastructure
that supports CPUs and GPUs
Automatic hyperparameter tuning
Custom Estimators: The Model
https://github.com/GoogleCloudPlatform/cloudml-samples/tree/master/census
...
def _model_fn(mode, features, labels):
...
if mode == Modes.PREDICT:
...
return tf.estimator.EstimatorSpec(mode, predictions=predictions, export_outputs=export_outputs)
...
if mode == Modes.TRAIN:
...
return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
...
https://github.com/GoogleCloudPlatform/cloudml-samples/tree/master/census
Custom Estimators: The Task
...
train_input = lambda: model.generate_input_fn(hparams.train_files, num_epochs=hparams.num_epochs,
batch_size=hparams.train_batch_size)
...
"""This function is used by learn_runner to create an Experiment which executes model code
provided in the form of an Estimator and input functions."""
def _experiment_fn(run_config, hparams):
tf.estimator.Estimator(
model.generate_model_fn(
...
),
train_input_fn=train_input,
eval_input_fn=eval_input,
**experiment_args
)
...
Proprietary + Confidential
Running locally
gcloud ml-engine local train 
--module-name trainer.task --package-path trainer/ 
-- 
--train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --job-dir $MODEL_DIR
training
data
evaluation
data
output
directory
train locally
Proprietary + Confidential
Single trainer running in the cloud
gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH 
--runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION 
-- 
--train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG
train in the cloud
region
Google cloud storage
location
Proprietary + Confidential
Distributed training in the cloud
gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH 
--runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION 
--scale-tier STANDARD_1
-- 
--train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG
distributed
Proprietary + Confidential
In reality, ML is
Collect
data
Create the
model
Refine the
model
Understand
and prepare
the data
Serve the
model
Define
objectives
Proprietary + Confidential
Refine the model
Feature engineering
Better algorithms
More examples, more data
Hyperparameter tuning
Proprietary + Confidential
Hyperparameter tuning
● Automatic hyperparameter tuning service
● Build better performing models faster and save
many hours of manual tuning
● Google-developed search (Bayesian Optimisation)
algorithm efficiently finds better hyperparameters
for your model/dataset
HyperParam #1
Objective
We want to find this
Not these
https://cloud.google.com/blog/big-data/2017/08/hyperparameter-tuning-in-cloud-machine-learning-engine-using-bayesian-optimization
Proprietary + Confidential
Hyperparameter tuning
gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH 
--runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION 
--scale-tier STANDARD_1 --config $HPTUNING_CONFIG
-- 
--train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG
hypertuning
Proprietary + Confidential
Hyperparameter tuning
trainingInput:
hyperparameters:
goal: MAXIMIZE
hyperparameterMetricTag: accuracy
maxTrials: 4
maxParallelTrials: 2
params:
- parameterName: first-layer-size
type: INTEGER
minValue: 50
maxValue: 500
scaleType: UNIT_LINEAR_SCALE
...
...
# Construct layers sizes with exponetial decay
hidden_units=[
max(2, int(hparams.first_layer_size *
hparams.scale_factor**i))
for i in range(hparams.num_layers)
],
...
parser.add_argument(
'--first-layer-size',
help='Number of nodes in the 1st layer of the DNN',
default=100,
type=int
)
...
hptuning_config.yaml task.py
Proprietary + Confidential
In reality, ML is
Collect
data
Create the
model
Refine the
model
Understand
and prepare
the data
Serve the
model
Define
objectives
Proprietary + Confidential
Deploying the model
Creating model
gcloud ml-engine models create $MODEL_NAME --regions=$REGION
Creating versions
gcloud ml-engine versions create v1 --model $MODEL_NAME --origin $MODEL_BINARIES 
--runtime-version 1.0
gcloud ml-engine models list
Proprietary + Confidential
Predicting
gcloud ml-engine predict --model $MODEL_NAME --version v1 --json-instances ../test.json
Using REST:
POST https://ml.googleapis.com/v1/{name=projects/**}:predict
JSON format (in this case):
{"age": 25, "workclass": "private", "education": "11th", "education_num": 7, "marital_status":
"Never-married", "occupation": "machine-op-inspector", "relationship": "own-child", "gender": "
male", "capital_gain": 0, "capital_loss": 0, "hours_per_week": 40, "native_country": "
United-States"}
Google Big Data Expo

More Related Content

What's hot

TensorFlow in 3 sentences
TensorFlow in 3 sentencesTensorFlow in 3 sentences
TensorFlow in 3 sentences
Barbara Fusinska
 
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
MLconf
 
Data Science, Machine Learning and Neural Networks
Data Science, Machine Learning and Neural NetworksData Science, Machine Learning and Neural Networks
Data Science, Machine Learning and Neural Networks
BICA Labs
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
S N
 
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
 
Diving into Deep Learning (Silicon Valley Code Camp 2017)
Diving into Deep Learning (Silicon Valley Code Camp 2017)Diving into Deep Learning (Silicon Valley Code Camp 2017)
Diving into Deep Learning (Silicon Valley Code Camp 2017)
Oswald Campesato
 
Computation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTKComputation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTK
A H M Forhadul Islam
 
Practical deep learning for computer vision
Practical deep learning for computer visionPractical deep learning for computer vision
Practical deep learning for computer vision
Eran Shlomo
 
Machine learning on Hadoop data lakes
Machine learning on Hadoop data lakesMachine learning on Hadoop data lakes
Machine learning on Hadoop data lakes
DataWorks Summit
 
Deep learning from scratch
Deep learning from scratch Deep learning from scratch
Deep learning from scratch
Eran Shlomo
 
Data Parallel Deep Learning
Data Parallel Deep LearningData Parallel Deep Learning
Data Parallel Deep Learning
inside-BigData.com
 
Deep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles ApproachDeep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles Approach
Maurizio Calo Caligaris
 
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Altoros
 
Agile Deep Learning
Agile Deep LearningAgile Deep Learning
Agile Deep Learning
David Murgatroyd
 
Accelerating stochastic gradient descent using adaptive mini batch size3
Accelerating stochastic gradient descent using adaptive mini batch size3Accelerating stochastic gradient descent using adaptive mini batch size3
Accelerating stochastic gradient descent using adaptive mini batch size3
muayyad alsadi
 
Basic ideas on keras framework
Basic ideas on keras frameworkBasic ideas on keras framework
Basic ideas on keras framework
Alison Marczewski
 
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
Edge AI and Vision Alliance
 
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
MLconf
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow
Rajiv Shah
 
Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?
Issam AlZinati
 

What's hot (20)

TensorFlow in 3 sentences
TensorFlow in 3 sentencesTensorFlow in 3 sentences
TensorFlow in 3 sentences
 
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
 
Data Science, Machine Learning and Neural Networks
Data Science, Machine Learning and Neural NetworksData Science, Machine Learning and Neural Networks
Data Science, Machine Learning and Neural Networks
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Diving into Deep Learning (Silicon Valley Code Camp 2017)
Diving into Deep Learning (Silicon Valley Code Camp 2017)Diving into Deep Learning (Silicon Valley Code Camp 2017)
Diving into Deep Learning (Silicon Valley Code Camp 2017)
 
Computation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTKComputation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTK
 
Practical deep learning for computer vision
Practical deep learning for computer visionPractical deep learning for computer vision
Practical deep learning for computer vision
 
Machine learning on Hadoop data lakes
Machine learning on Hadoop data lakesMachine learning on Hadoop data lakes
Machine learning on Hadoop data lakes
 
Deep learning from scratch
Deep learning from scratch Deep learning from scratch
Deep learning from scratch
 
Data Parallel Deep Learning
Data Parallel Deep LearningData Parallel Deep Learning
Data Parallel Deep Learning
 
Deep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles ApproachDeep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles Approach
 
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
 
Agile Deep Learning
Agile Deep LearningAgile Deep Learning
Agile Deep Learning
 
Accelerating stochastic gradient descent using adaptive mini batch size3
Accelerating stochastic gradient descent using adaptive mini batch size3Accelerating stochastic gradient descent using adaptive mini batch size3
Accelerating stochastic gradient descent using adaptive mini batch size3
 
Basic ideas on keras framework
Basic ideas on keras frameworkBasic ideas on keras framework
Basic ideas on keras framework
 
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
“Practical Guide to Implementing Deep Neural Network Inferencing at the Edge,...
 
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow
 
Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?
 

Viewers also liked

Anomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
Anomaly Detection in Time-Series Data using the Elastic Stack by Henry PakAnomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
Anomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
Data Con LA
 
Accenture Big Data Expo
Accenture Big Data ExpoAccenture Big Data Expo
Accenture Big Data Expo
BigDataExpo
 
Zoomable Menu Mockup
Zoomable Menu MockupZoomable Menu Mockup
Zoomable Menu Mockup
None None
 
De Bijenkorf Niels Reijmer
De Bijenkorf Niels ReijmerDe Bijenkorf Niels Reijmer
De Bijenkorf Niels Reijmer
BigDataExpo
 
Eneco Ronald Root
Eneco Ronald RootEneco Ronald Root
Eneco Ronald Root
BigDataExpo
 
Digital transformation - Jo Caudron
Digital transformation - Jo CaudronDigital transformation - Jo Caudron
Digital transformation - Jo Caudron
Socius - steunpunt sociaal-cultureel werk
 
Building Blocks Big Data Expo
Building Blocks Big Data ExpoBuilding Blocks Big Data Expo
Building Blocks Big Data Expo
BigDataExpo
 
NUS-ISS Learning Day 2016 - Big Data Analytics
NUS-ISS Learning Day 2016 - Big Data AnalyticsNUS-ISS Learning Day 2016 - Big Data Analytics
NUS-ISS Learning Day 2016 - Big Data Analytics
NUS-ISS
 
Travelbird
TravelbirdTravelbird
Travelbird
BigDataExpo
 
Bde presentatie bakker_bart_20170920
Bde presentatie bakker_bart_20170920Bde presentatie bakker_bart_20170920
Bde presentatie bakker_bart_20170920
BigDataExpo
 
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
Precisely
 
Picnic Big Data Expo
Picnic Big Data ExpoPicnic Big Data Expo
Picnic Big Data Expo
BigDataExpo
 
Bde presentation dv
Bde presentation dvBde presentation dv
Bde presentation dv
BigDataExpo
 
De groote de man Ingrid de Poorter
De groote de man Ingrid de PoorterDe groote de man Ingrid de Poorter
De groote de man Ingrid de Poorter
BigDataExpo
 
What should I do when my website got hack?
What should I do when my website got hack?What should I do when my website got hack?
What should I do when my website got hack?
Sumedt Jitpukdebodin
 
Crossyn
CrossynCrossyn
Crossyn
BigDataExpo
 
If-If-If-If
If-If-If-IfIf-If-If-If
If-If-If-If
Somkiat Puisungnoen
 
Datasnap web client
Datasnap web clientDatasnap web client
Datasnap web client
Kenu, GwangNam Heo
 
Incident response on a shoestring budget
Incident response on a shoestring budgetIncident response on a shoestring budget
Incident response on a shoestring budget
Derek Banks
 

Viewers also liked (20)

Anomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
Anomaly Detection in Time-Series Data using the Elastic Stack by Henry PakAnomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
Anomaly Detection in Time-Series Data using the Elastic Stack by Henry Pak
 
Accenture Big Data Expo
Accenture Big Data ExpoAccenture Big Data Expo
Accenture Big Data Expo
 
Zoomable Menu Mockup
Zoomable Menu MockupZoomable Menu Mockup
Zoomable Menu Mockup
 
De Bijenkorf Niels Reijmer
De Bijenkorf Niels ReijmerDe Bijenkorf Niels Reijmer
De Bijenkorf Niels Reijmer
 
Eneco Ronald Root
Eneco Ronald RootEneco Ronald Root
Eneco Ronald Root
 
Digital transformation - Jo Caudron
Digital transformation - Jo CaudronDigital transformation - Jo Caudron
Digital transformation - Jo Caudron
 
Building Blocks Big Data Expo
Building Blocks Big Data ExpoBuilding Blocks Big Data Expo
Building Blocks Big Data Expo
 
NUS-ISS Learning Day 2016 - Big Data Analytics
NUS-ISS Learning Day 2016 - Big Data AnalyticsNUS-ISS Learning Day 2016 - Big Data Analytics
NUS-ISS Learning Day 2016 - Big Data Analytics
 
Polar Bears Mario
Polar Bears MarioPolar Bears Mario
Polar Bears Mario
 
Travelbird
TravelbirdTravelbird
Travelbird
 
Bde presentatie bakker_bart_20170920
Bde presentatie bakker_bart_20170920Bde presentatie bakker_bart_20170920
Bde presentatie bakker_bart_20170920
 
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
Mainframe Customer Education Webcast: New Ironstream Facilities for Enhanced ...
 
Picnic Big Data Expo
Picnic Big Data ExpoPicnic Big Data Expo
Picnic Big Data Expo
 
Bde presentation dv
Bde presentation dvBde presentation dv
Bde presentation dv
 
De groote de man Ingrid de Poorter
De groote de man Ingrid de PoorterDe groote de man Ingrid de Poorter
De groote de man Ingrid de Poorter
 
What should I do when my website got hack?
What should I do when my website got hack?What should I do when my website got hack?
What should I do when my website got hack?
 
Crossyn
CrossynCrossyn
Crossyn
 
If-If-If-If
If-If-If-IfIf-If-If-If
If-If-If-If
 
Datasnap web client
Datasnap web clientDatasnap web client
Datasnap web client
 
Incident response on a shoestring budget
Incident response on a shoestring budgetIncident response on a shoestring budget
Incident response on a shoestring budget
 

Similar to Google Big Data Expo

Google Cloud Platform Empowers TensorFlow and Machine Learning
Google Cloud Platform Empowers TensorFlow and Machine LearningGoogle Cloud Platform Empowers TensorFlow and Machine Learning
Google Cloud Platform Empowers TensorFlow and Machine Learning
DataWorks Summit/Hadoop Summit
 
Introduction to Deep Learning and Tensorflow
Introduction to Deep Learning and TensorflowIntroduction to Deep Learning and Tensorflow
Introduction to Deep Learning and Tensorflow
Oswald Campesato
 
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
 
Machine learning workshop
Machine learning workshopMachine learning workshop
Machine learning workshop
Lakshya Sivaramakrishnan
 
Android and Deep Learning
Android and Deep LearningAndroid and Deep Learning
Android and Deep Learning
Oswald Campesato
 
Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117
Ganesan Narayanasamy
 
Pytorch for tf_developers
Pytorch for tf_developersPytorch for tf_developers
Pytorch for tf_developers
Abdul Muneer
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
MLconf
 
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
양 한빛
 
2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning
marwa Ayad Mohamed
 
Angular and Deep Learning
Angular and Deep LearningAngular and Deep Learning
Angular and Deep Learning
Oswald Campesato
 
Dog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine LearningDog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine Learning
Heather Spetalnick
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
Arthur240715
 
Anirudh Koul. 30 Golden Rules of Deep Learning Performance
Anirudh Koul. 30 Golden Rules of Deep Learning PerformanceAnirudh Koul. 30 Golden Rules of Deep Learning Performance
Anirudh Koul. 30 Golden Rules of Deep Learning Performance
Lviv Startup Club
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
Julien SIMON
 
Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)
Karel Dumon
 
Building a custom machine learning model on android
Building a custom machine learning model on androidBuilding a custom machine learning model on android
Building a custom machine learning model on android
Isabel Palomar
 
Deep Learning in a nutshell
Deep Learning in a nutshellDeep Learning in a nutshell
Deep Learning in a nutshell
HopeBay Technologies, Inc.
 
Machine Learning and Go. Go!
Machine Learning and Go. Go!Machine Learning and Go. Go!
Machine Learning and Go. Go!
Diana Ortega
 

Similar to Google Big Data Expo (20)

Google Cloud Platform Empowers TensorFlow and Machine Learning
Google Cloud Platform Empowers TensorFlow and Machine LearningGoogle Cloud Platform Empowers TensorFlow and Machine Learning
Google Cloud Platform Empowers TensorFlow and Machine Learning
 
Introduction to Deep Learning and Tensorflow
Introduction to Deep Learning and TensorflowIntroduction to Deep Learning and Tensorflow
Introduction to Deep Learning and Tensorflow
 
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...
 
Machine learning workshop
Machine learning workshopMachine learning workshop
Machine learning workshop
 
Android and Deep Learning
Android and Deep LearningAndroid and Deep Learning
Android and Deep Learning
 
Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117Power ai tensorflowworkloadtutorial-20171117
Power ai tensorflowworkloadtutorial-20171117
 
Pytorch for tf_developers
Pytorch for tf_developersPytorch for tf_developers
Pytorch for tf_developers
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
 
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
 
2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning
 
Angular and Deep Learning
Angular and Deep LearningAngular and Deep Learning
Angular and Deep Learning
 
Dog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine LearningDog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine Learning
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
 
Anirudh Koul. 30 Golden Rules of Deep Learning Performance
Anirudh Koul. 30 Golden Rules of Deep Learning PerformanceAnirudh Koul. 30 Golden Rules of Deep Learning Performance
Anirudh Koul. 30 Golden Rules of Deep Learning Performance
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
 
Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)
 
Building a custom machine learning model on android
Building a custom machine learning model on androidBuilding a custom machine learning model on android
Building a custom machine learning model on android
 
Deep Learning in a nutshell
Deep Learning in a nutshellDeep Learning in a nutshell
Deep Learning in a nutshell
 
Machine Learning and Go. Go!
Machine Learning and Go. Go!Machine Learning and Go. Go!
Machine Learning and Go. Go!
 

More from BigDataExpo

Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
BigDataExpo
 
Google Cloud - Google's vision on AI
Google Cloud - Google's vision on AIGoogle Cloud - Google's vision on AI
Google Cloud - Google's vision on AI
BigDataExpo
 
Pacmed - Machine Learning in health care: opportunities and challanges in pra...
Pacmed - Machine Learning in health care: opportunities and challanges in pra...Pacmed - Machine Learning in health care: opportunities and challanges in pra...
Pacmed - Machine Learning in health care: opportunities and challanges in pra...
BigDataExpo
 
PGGM - The Future Explore
PGGM - The Future ExplorePGGM - The Future Explore
PGGM - The Future Explore
BigDataExpo
 
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
BigDataExpo
 
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
BigDataExpo
 
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
BigDataExpo
 
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AIDynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
BigDataExpo
 
Teleperformance - Smart personalized service door het gebruik van Data Science
Teleperformance - Smart personalized service door het gebruik van Data Science Teleperformance - Smart personalized service door het gebruik van Data Science
Teleperformance - Smart personalized service door het gebruik van Data Science
BigDataExpo
 
FunXtion - Interactive Digital Fitness with Data Analytics
FunXtion - Interactive Digital Fitness with Data AnalyticsFunXtion - Interactive Digital Fitness with Data Analytics
FunXtion - Interactive Digital Fitness with Data Analytics
BigDataExpo
 
fashionTrade - Vroeger noemde we dat Big Data
fashionTrade - Vroeger noemde we dat Big DatafashionTrade - Vroeger noemde we dat Big Data
fashionTrade - Vroeger noemde we dat Big Data
BigDataExpo
 
BigData Republic - Industrializing data science: a view from the trenches
BigData Republic - Industrializing data science: a view from the trenchesBigData Republic - Industrializing data science: a view from the trenches
BigData Republic - Industrializing data science: a view from the trenches
BigDataExpo
 
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
BigDataExpo
 
Endrse - Next level online samenwerkingen tussen personalities en merken met ...
Endrse - Next level online samenwerkingen tussen personalities en merken met ...Endrse - Next level online samenwerkingen tussen personalities en merken met ...
Endrse - Next level online samenwerkingen tussen personalities en merken met ...
BigDataExpo
 
Bovag - Refine-IT - Proces optimalisatie in de automotive sector
Bovag - Refine-IT - Proces optimalisatie in de automotive sectorBovag - Refine-IT - Proces optimalisatie in de automotive sector
Bovag - Refine-IT - Proces optimalisatie in de automotive sector
BigDataExpo
 
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
BigDataExpo
 
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
BigDataExpo
 
Rabobank - There is something about Data
Rabobank - There is something about DataRabobank - There is something about Data
Rabobank - There is something about Data
BigDataExpo
 
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
BigDataExpo
 
Booking.com - Data science and experimentation at Booking.com: a data-driven ...
Booking.com - Data science and experimentation at Booking.com: a data-driven ...Booking.com - Data science and experimentation at Booking.com: a data-driven ...
Booking.com - Data science and experimentation at Booking.com: a data-driven ...
BigDataExpo
 

More from BigDataExpo (20)

Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
Centric - Jaap huisprijzen, GTST, The Bold, IKEA en IENS. Zomaar wat toepassi...
 
Google Cloud - Google's vision on AI
Google Cloud - Google's vision on AIGoogle Cloud - Google's vision on AI
Google Cloud - Google's vision on AI
 
Pacmed - Machine Learning in health care: opportunities and challanges in pra...
Pacmed - Machine Learning in health care: opportunities and challanges in pra...Pacmed - Machine Learning in health care: opportunities and challanges in pra...
Pacmed - Machine Learning in health care: opportunities and challanges in pra...
 
PGGM - The Future Explore
PGGM - The Future ExplorePGGM - The Future Explore
PGGM - The Future Explore
 
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
Universiteit Utrecht & gghdc - Wat zijn de gezondheidseffecten van omgeving e...
 
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
Rob van Kranenburg - Kunnen we ons een sociaal krediet systeem zoals in het o...
 
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
OrangeNXT - High accuracy mapping from videos for efficient fiber optic cable...
 
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AIDynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
Dynniq & GoDataDriven - Shaping the future of traffic with IoT and AI
 
Teleperformance - Smart personalized service door het gebruik van Data Science
Teleperformance - Smart personalized service door het gebruik van Data Science Teleperformance - Smart personalized service door het gebruik van Data Science
Teleperformance - Smart personalized service door het gebruik van Data Science
 
FunXtion - Interactive Digital Fitness with Data Analytics
FunXtion - Interactive Digital Fitness with Data AnalyticsFunXtion - Interactive Digital Fitness with Data Analytics
FunXtion - Interactive Digital Fitness with Data Analytics
 
fashionTrade - Vroeger noemde we dat Big Data
fashionTrade - Vroeger noemde we dat Big DatafashionTrade - Vroeger noemde we dat Big Data
fashionTrade - Vroeger noemde we dat Big Data
 
BigData Republic - Industrializing data science: a view from the trenches
BigData Republic - Industrializing data science: a view from the trenchesBigData Republic - Industrializing data science: a view from the trenches
BigData Republic - Industrializing data science: a view from the trenches
 
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
Bicos - Hear how a top sportswear company produced cutting-edge data infrastr...
 
Endrse - Next level online samenwerkingen tussen personalities en merken met ...
Endrse - Next level online samenwerkingen tussen personalities en merken met ...Endrse - Next level online samenwerkingen tussen personalities en merken met ...
Endrse - Next level online samenwerkingen tussen personalities en merken met ...
 
Bovag - Refine-IT - Proces optimalisatie in de automotive sector
Bovag - Refine-IT - Proces optimalisatie in de automotive sectorBovag - Refine-IT - Proces optimalisatie in de automotive sector
Bovag - Refine-IT - Proces optimalisatie in de automotive sector
 
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
Schiphol - Optimale doorstroom van passagiers op Schiphol dankzij slimme data...
 
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
Veco - Big Data in de Supply Chain: Hoe Process Mining kan helpen kosten te r...
 
Rabobank - There is something about Data
Rabobank - There is something about DataRabobank - There is something about Data
Rabobank - There is something about Data
 
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
VU Amsterdam - Big data en datagedreven waardecreatie: valt er nog iets te ki...
 
Booking.com - Data science and experimentation at Booking.com: a data-driven ...
Booking.com - Data science and experimentation at Booking.com: a data-driven ...Booking.com - Data science and experimentation at Booking.com: a data-driven ...
Booking.com - Data science and experimentation at Booking.com: a data-driven ...
 

Recently uploaded

Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
nscud
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
slg6lamcq
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
ahzuo
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
jerlynmaetalle
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
enxupq
 
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
axoqas
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
ewymefz
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
TravisMalana
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
vcaxypu
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Subhajit Sahu
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
ArpitMalhotra16
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
vcaxypu
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
balafet
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
ewymefz
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
oz8q3jxlp
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
NABLAS株式会社
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
nscud
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
mbawufebxi
 

Recently uploaded (20)

Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
 
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
做(mqu毕业证书)麦考瑞大学毕业证硕士文凭证书学费发票原版一模一样
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
 

Google Big Data Expo

  • 1. a 30 min short walk Robert Saxby - Big Data Product Specialist
  • 2.
  • 3. Sustainability Google datacenters have half the overhead of typical industry data centers Largest private investor in renewables: $2 billion generating 3.2 GW Applying Machine Learning produced 40% reduction in cooling energy
  • 4. Large Datasets Cutting Edge Models Compute at Scale Drivers of Success in AI/ML Projects
  • 5. App DeveloperData Scientist Build custom modelsUse/extend OSS SDK Use pre-built models ML researcher Cloud MLE ML Perception services End to End: Google Cloud AI Spectrum
  • 6. App DeveloperData Scientist Build custom modelsUse/extend OSS SDK Use pre-built models ML researcher Cloud MLE ML Perception services End to End: Google Cloud AI Spectrum
  • 7. Proprietary + Confidential What is TensorFlow? ● A system for distributed, parallel machine learning ● It’s based on general-purpose dataflow graphs ● It targets heterogeneous devices ○ A single PC with CPU ○ A single PC with GPU(s) ○ A mobile device ○ Clusters of 100s or 1000s of CPUs, GPUs and TPUs
  • 8. Proprietary + Confidential Another data flow system MatMul Add Relu biases weights examples labels Xent Graph of Nodes, also called Operations or ops
  • 9. Proprietary + Confidential With tensors MatMul Add Relu biases weights examples labels Xent Edges are N-dimensional arrays: Tensors
  • 10. Proprietary + Confidential What’s in a name? 0 Scalar (magnitude only) s = 483 1 Vector (magnitude and direction) v = [1.1, 2.2, 3.3] 2 Matrix (table of numbers) m = [[1, 2, 3], [4, 5, 6], [7, 8, 9]] 3 3-Tensor (cube of numbers) t = [[[2], [4], [6]], [[8], [10], [12]], [[14], [16], [18]]] 4 n-Tensor (you get the idea) ....
  • 11. Proprietary + Confidential Convolutional layer W1 [4, 4, 3] W2 [4, 4, 3] +padding W[4, 4, 3, 2] filter size input channels output channels stride convolutional subsampling convolutional subsampling convolutional subsampling
  • 12. Proprietary + Confidential With state Add Mul biases ... learning rate −=... 'Biases' is a variable −= updates biasesSome ops compute gradients
  • 13. Proprietary + Confidential And distributed Add Mul biases ... learning rate −=... Device BDevice A
  • 14. TensorFlow Distributed Execution Engine CPU GPU Android iOS ... C++ FrontendPython Frontend ... Layers Estimator Models in a box Train and evaluate models Build models Keras Model Canned Estimators
  • 15. Proprietary + Confidential Artificial Intelligence The science of making things smart Neural Network A type of algorithm in machine learning Machine Learning Building machines that can learn
  • 16. Proprietary + Confidential The popular imagination of what ML is Lots of data Magical resultsComplex mathematics in multidimensional spaces
  • 17. Proprietary + Confidential In reality, ML is Collect data Create the model Refine the model Understand and prepare the data Serve the model Define objectives
  • 18. Proprietary + Confidential In reality, ML is Collect data Create the model Refine the model Understand and prepare the data Serve the model Define objectives
  • 19. Proprietary + Confidential Neural Network is a function that can learn
  • 21. Proprietary + Confidential Neural Network can extract hidden features from data
  • 22. Proprietary + Confidential 28x28 pixels softmax ... ... 0 1 2 9 weighted sum of all pixels + bias neuron outputs 784 pixels A very simple model
  • 23. L0,0 w0,0 w0,1 w0,2 w0,3 … w0,9 w1,0 w1,1 w1,2 w1,3 … w1,9 w2,0 w2,1 w2,2 w2,3 … w2,9 w3,0 w3,1 w3,2 w3,3 … w3,9 w4,0 w4,1 w4,2 w4,3 … w4,9 w5,0 w5,1 w5,2 w5,3 … w5,9 w6,0 w6,1 w6,2 w6,3 … w6,9 w7,0 w7,1 w7,2 w7,3 … w7,9 w8,0 w8,1 w8,2 w8,3 … w8,9 … w783,0 w783,1 w783,2 … w783,9 x x x x x x x x L1,0 L1,1 L1,2 L1,3 … L1,9 L2,0 L2,1 L2,2 L2,3 … L2,9 L3,0 L3,1 L3,2 L3,3 … L3,9 L4,0 L4,1 L4,2 L4,3 … L4,9 … L99,0 L99,1 L99,2 … L99,9 L0,0 L0,1 L0,2 L0,3 … L0,9 … + b0 b1 b2 b3 … b9 + Same 10 biases on all lines X : 100 images, one per line, flattened 784 pixels 784lines broadcast 100 images at a time
  • 24. Proprietary + Confidential 9...0 1 2 sigmoid function softmax 200 100 60 10 30 784 overkill ;-) Going Deep, 5 Layers Deep
  • 25. Proprietary + Confidential TanhSigmoidBinary StepIdentity Relu Softmax 1 1 1 -1 weighted sum of all pixels + bias 2.0 1.0 0.1 Scores → Logits 0.7 0.2 0.1 Probabilities Activation Functions
  • 26. Proprietary + Confidential Predictions Images Weights Biases Y[100, 10] X[100, 784] W[784,10] b[10] matrix multiply broadcast on all lines applied line by line tensor shapes in [ ] Softmax on a batch of images
  • 27. Demo
  • 28. Proprietary + Confidential Cross entropy: computed probabilities actual probabilities, “one-hot” encoded 0 0 0 0 0 0 1 0 0 0 this is a “6” 0.1 0.2 0.1 0.3 0.2 0.1 0.9 0.2 0.1 0.1 0 1 2 3 4 5 6 7 8 9 0 1 2 3 4 5 6 7 8 9 Success?
  • 30. Proprietary + Confidential import tensorflow as tf X = tf.placeholder(tf.float32, [None, 28, 28, 1]) W = tf.Variable(tf.zeros([784, 10])) b = tf.Variable(tf.zeros([10])) init = tf.initialize_all_variables() # model Y=tf.nn.softmax(tf.matmul(tf.reshape(X,[-1, 784]), W) + b) # placeholder for correct answers Y_ = tf.placeholder(tf.float32, [None, 10]) # loss function cross_entropy = -tf.reduce_sum(Y_ * tf.log(Y)) # % of correct answers found in batch is_correct = tf.equal(tf.argmax(Y,1), tf.argmax(Y_,1)) accuracy = tf.reduce_mean(tf.cast(is_correct,tf.float32)) optimizer = tf.train.GradientDescentOptimizer(0.003) train_step = optimizer.minimize(cross_entropy) sess = tf.Session() sess.run(init) for i in range(10000): # load batch of images and correct answers batch_X, batch_Y = mnist.train.next_batch(100) train_data={X: batch_X, Y_: batch_Y} # train sess.run(train_step, feed_dict=train_data) # success ? add code to print it a,c = sess.run([accuracy, cross_entropy], feed=train_data) # success on test data ? test_data={X:mnist.test.images, Y_:mnist.test.labels} a,c = sess.run([accuracy, cross_entropy], feed=test_data) initialisation model success metrics training step Run The whole code
  • 31. Workshop Self-paced code lab (summary below ↓): goo.gl/mVZloU Code: github.com/martin-gorner/tensorflow-mnist-tutorial 1-5. Theory (install then sit back and listen or read) Neural networks 101: softmax, cross-entropy, mini-batching, gradient descent, hidden layers, sigmoids, and how to implement them in Tensorflow 6. Practice (full instructions for this step) Open file: mnist_1.0_softmax.py Run it, play with the visualisations (keyboard shortcuts on previous slide), read and understand the code as well as the basic structure of a Tensorflow program. 7. Practice (full instructions for this step) Start from the file mnist_1.0_softmax.py and add one or two hidden layers. Solution in: mnist_2.0_five_layers_sigmoid.py 8. Practice (full instructions for this step) Special care for deep neural networks: use RELU activation functions, use a better optimiser, initialise weights with random values and beware of the log(0) 9-10. Practice (full instructions for this step) Use a decaying learning rate and then add dropout Solution in: mnist_2.2_five_layers_relu_lrdecay_dropout.py 11. Theory (sit back and listen or read) Convolutional networks 12. Practice (full instructions for this step) Replace your model with a convolutional network, without dropout. Solution in: mnist_3.0_convolutional.py 13. Challenge (full instructions for this step) Try a bigger neural network (good hyperparameters on slide 43) and add dropout on the last layer to get >99% Solution in: mnist_3.0_convolutional_bigger_dropout.py ? ?
  • 33. Proprietary + Confidential Machine Learning on any data, of any size Cloud ML Engine Portable models with TensorFlow Services are designed to work together Managed distributed training infrastructure that supports CPUs and GPUs Automatic hyperparameter tuning
  • 34. Custom Estimators: The Model https://github.com/GoogleCloudPlatform/cloudml-samples/tree/master/census ... def _model_fn(mode, features, labels): ... if mode == Modes.PREDICT: ... return tf.estimator.EstimatorSpec(mode, predictions=predictions, export_outputs=export_outputs) ... if mode == Modes.TRAIN: ... return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op) ...
  • 35. https://github.com/GoogleCloudPlatform/cloudml-samples/tree/master/census Custom Estimators: The Task ... train_input = lambda: model.generate_input_fn(hparams.train_files, num_epochs=hparams.num_epochs, batch_size=hparams.train_batch_size) ... """This function is used by learn_runner to create an Experiment which executes model code provided in the form of an Estimator and input functions.""" def _experiment_fn(run_config, hparams): tf.estimator.Estimator( model.generate_model_fn( ... ), train_input_fn=train_input, eval_input_fn=eval_input, **experiment_args ) ...
  • 36. Proprietary + Confidential Running locally gcloud ml-engine local train --module-name trainer.task --package-path trainer/ -- --train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --job-dir $MODEL_DIR training data evaluation data output directory train locally
  • 37. Proprietary + Confidential Single trainer running in the cloud gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH --runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION -- --train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG train in the cloud region Google cloud storage location
  • 38. Proprietary + Confidential Distributed training in the cloud gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH --runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION --scale-tier STANDARD_1 -- --train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG distributed
  • 39. Proprietary + Confidential In reality, ML is Collect data Create the model Refine the model Understand and prepare the data Serve the model Define objectives
  • 40. Proprietary + Confidential Refine the model Feature engineering Better algorithms More examples, more data Hyperparameter tuning
  • 41. Proprietary + Confidential Hyperparameter tuning ● Automatic hyperparameter tuning service ● Build better performing models faster and save many hours of manual tuning ● Google-developed search (Bayesian Optimisation) algorithm efficiently finds better hyperparameters for your model/dataset HyperParam #1 Objective We want to find this Not these https://cloud.google.com/blog/big-data/2017/08/hyperparameter-tuning-in-cloud-machine-learning-engine-using-bayesian-optimization
  • 42. Proprietary + Confidential Hyperparameter tuning gcloud ml-engine jobs submit training $JOB_NAME --job-dir $OUTPUT_PATH --runtime-version 1.0 --module-name trainer.task --package-path trainer/ --region $REGION --scale-tier STANDARD_1 --config $HPTUNING_CONFIG -- --train-files $TRAIN_DATA --eval-files $EVAL_DATA --train-steps 1000 --verbosity DEBUG hypertuning
  • 43. Proprietary + Confidential Hyperparameter tuning trainingInput: hyperparameters: goal: MAXIMIZE hyperparameterMetricTag: accuracy maxTrials: 4 maxParallelTrials: 2 params: - parameterName: first-layer-size type: INTEGER minValue: 50 maxValue: 500 scaleType: UNIT_LINEAR_SCALE ... ... # Construct layers sizes with exponetial decay hidden_units=[ max(2, int(hparams.first_layer_size * hparams.scale_factor**i)) for i in range(hparams.num_layers) ], ... parser.add_argument( '--first-layer-size', help='Number of nodes in the 1st layer of the DNN', default=100, type=int ) ... hptuning_config.yaml task.py
  • 44. Proprietary + Confidential In reality, ML is Collect data Create the model Refine the model Understand and prepare the data Serve the model Define objectives
  • 45. Proprietary + Confidential Deploying the model Creating model gcloud ml-engine models create $MODEL_NAME --regions=$REGION Creating versions gcloud ml-engine versions create v1 --model $MODEL_NAME --origin $MODEL_BINARIES --runtime-version 1.0 gcloud ml-engine models list
  • 46. Proprietary + Confidential Predicting gcloud ml-engine predict --model $MODEL_NAME --version v1 --json-instances ../test.json Using REST: POST https://ml.googleapis.com/v1/{name=projects/**}:predict JSON format (in this case): {"age": 25, "workclass": "private", "education": "11th", "education_num": 7, "marital_status": "Never-married", "occupation": "machine-op-inspector", "relationship": "own-child", "gender": " male", "capital_gain": 0, "capital_loss": 0, "hours_per_week": 40, "native_country": " United-States"}