SlideShare uma empresa Scribd logo
1 de 55
Baixar para ler offline
Developing Machine Learning Models
Kevin Tsai
GOTO Chicago 2018
Developing Machine Learning Models
Kevin Tsai, Google
Agenda
Machine Learning with tf.estimator
Performance pipelines with TFRecords and tf.data
Distributed Training with GPUs and TPUs
Machine Learning with tf.estimator
Model Serving
Training Pipeline
Inference Pipeline
Predictions
Model Building
Machine Learning Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Training
Data
Inference
Requests
Model Serving
Training Pipeline
Inference Pipeline
Predictions
Machine Learning Pipeline
train()
evaluate()
Model
split()
Transform & Feature
Engineering
Transform & Feature
Engineering
Training
Data
Inference
Requests
Model Serving
Training Pipeline
Inference Pipeline
Predictions
Machine Learning Pipeline
train()
evaluate()
Model
split()
Logs
Transform & Feature
Engineering
Transform & Feature
Engineering
Training
Data
Inference
Requests
Model Serving
Training Pipeline
Inference Pipeline
Predictions
Machine Learning Pipeline
train()
export()
evaluate()
Model
split()
Logs
Transform & Feature
Engineering
Transform & Feature
Engineering
Training
Data
Inference
Requests
tf.estimator
estimator
model_fn
Model Serving
Training Pipeline
Inference Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Predictions
Training
Data
Inference
Requests
Machine Learning Pipeline with tf.estimator
tf.estimator
estimator
model_fn
train()
evaluate()
predict()
Model Serving
Training Pipeline
Inference Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Predictions
Training
Data
Inference
Requests
Machine Learning Pipeline with tf.estimator
tf.estimator
estimator
model_fn
train_input_fn
eval_input_fn
predict_input_fn
train()
evaluate()
predict()
Model Serving
Training Pipeline
Inference Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Predictions
Training
Data
Inference
Requests
Machine Learning Pipeline with tf.estimator
tf.estimator
estimator
model_fn
train_input_fn
eval_input_fn
predict_input_fn
train()
evaluate()
predict()
Model Serving
Training Pipeline
Inference Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Predictions
Logs
Training
Data
Inference
Requests
Machine Learning Pipeline with tf.estimator
tf.estimator
estimator
model_fn
train_input_fn
eval_input_fn
predict_input_fn
train()
evaluate()
predict()
serving_input_rec_fn
export_savedmodel()
Model Serving
Training Pipeline
Inference Pipeline
Transform & Feature
Engineering
Transform & Feature
Engineering
Predictions
Logs
Training
Data
Inference
Requests
Machine Learning Pipeline with tf.estimator
Estimator in TensorFlow
TensorFlow Distributed Execution Engine
Python
Layers
Canned estimators
Estimator Keras model
Models in a box
Train and evaluate models
Build models
C++ Java Go ...
CPU GPU TPU Android iOS ...
Example: MNIST
? 1
MNIST: Yann LeCunn
Training:
1. Import data
2. Create input functions
3. Create estimator
4. Create train and evaluate specs
5. Run train and evaluate
Test Inference:
6. Test run predict()
7. Export model
Steps to Run Training on Premade Estimator
Premade Estimators
DNNClassifier
DNNRegressor
LinearClassifier
LinearRegressor
DNNLinearCombinedClassifier
DNNLinearCombinedRegressor
+ tf.contrib.estimator
Premade and Custom Estimators
or Custom Estimator
Creating Custom Estimator
(-1,784)
#1 Inference()
#1 Inference()
Reshape
Convolution
ReLU
Max Pool
Convolution
ReLU
Max Pool
(-1,784)
(-1,28,28,1)
(-1,14,14,64)
(-1,7,7,64)
#1 Inference()
#1 Inference()
Reshape
Convolution
ReLU
Max Pool
Reshape
Dense
ReLU
Convolution
ReLU
Max Pool
(-1,784)
(-1,28,28,1)
(-1,14,14,64)
(-1,7,7,64)
(-1,1024)
(-1,3136)
#1 Inference()
Dropout
#1 Inference()
Reshape
Convolution
ReLU
Max Pool
Reshape
Dense
ReLU
Softmax
Convolution
ReLU
Max Pool
(-1,784)
(-1,28,28,1)
(-1,14,14,64)
(-1,7,7,64)
(-1,1024)
(-1,10)
(-1,3136)
(-1,10)
#1 Inference()
Dropout
Dense
#1 Inference()
Reshape
Convolution
ReLU
Max Pool
Reshape
Dense
ReLU
Softmax
Convolution
ReLU
Max Pool
(-1,784)
(-1,28,28,1)
(-1,14,14,64)
(-1,7,7,64)
(-1,1024)
(-1,10)
(-1,3136)
(-1,10)
log
tf.name_scope
tf.nn.conv2d
tf.nn.relu
tf.nn.max_pool
tf.summary.histogram(
tf.summary.histogram
tf.summary.histogram
log relu=False
tf.name_scope
tf.add tf.matmul
tf.nn.relu
tf.summary.histogram
tf.summary.histogram
tf.summary.histogram
#1 Inference()
Dropout
Dense
Hands-on TensorBoard: Dandelion Mane
#1 Inference()
#### 1 INFERENCE MODEL
input_layer = tf.reshape(features["x"], [-1, 28, 28, 1])
conv1 = _conv(input_layer,kernel=[5,5,1,64],name='conv1',log=params['log'])
conv2 = _conv(conv1,kernel=[5,5,64,64],name='conv2',log=params['log'])
dense = _dense(conv2,size_in=7*7*64,size_out=params['dense_units'],
name='Dense',relu=True,log=params['log'])
if mode==tf.estimator.ModeKeys.TRAIN:
dense = tf.nn.dropout(dense,params['drop_out'])
logits = _dense(dense,size_in=params['dense_units'],
size_out=10,name='Output',relu=False,log=params['log'])
#1 Inference() and #2 Calculations and Metrics
#1 Inference()
#### 2 CALCULATIONS AND METRICS
predictions = {"classes": tf.argmax(input=logits,axis=1),
"logits": logits,
"probabilities": tf.nn.softmax(logits,name='softmax')}
export_outputs = {'predictions': tf.estimator.export.PredictOutput(predictions)}
if (mode==tf.estimator.ModeKeys.TRAIN or mode==tf.estimator.ModeKeys.EVAL):
loss = tf.losses.sparse_softmax_cross_entropy(labels=labels,logits=logits)
accuracy = tf.metrics.accuracy(
labels=labels, predictions=tf.argmax(logits,axis=1))
metrics = {'accuracy':accuracy}
tf.summary.scalar('accuracy',accuracy[1])
#1 Inference() and #2 Calculations and Metrics #2 Calculations
#### 3 MODE = PREDICT
if mode == tf.estimator.ModeKeys.PREDICT:
return tf.estimator.EstimatorSpec(
mode=mode, predictions=predictions, export_outputs=export_outputs)
#3 Predict, #4 Train, and #5 Eval #3 MODE = PREDICT
#### 4 MODE = TRAIN
if mode == tf.estimator.ModeKeys.TRAIN:
learning_rate = tf.train.exponential_decay(
params['learning_rate'],tf.train.get_global_step(),
decay_steps=100000,decay_rate=0.96)
optimizer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)
if params['replicate']==True:
optimizer = tf.contrib.estimator.TowerOptimizer(optimizer)
train_op = optimizer.minimize(loss=loss,global_step=tf.train.get_global_step())
tf.summary.scalar('learning_rate', learning_rate)
return tf.estimator.EstimatorSpec(
mode=mode, loss=loss, train_op=train_op)
#3 Predict, #4 Train, and #5 Eval #4 MODE = TRAIN
#### 5 MODE = EVAL
if mode == tf.estimator.ModeKeys.EVAL:
return tf.estimator.EstimatorSpec(
mode=mode,loss=loss,eval_metric_ops=metrics)
#3 Predict, #4 Train, and #5 Eval
#5 MODE = EVAL
TFRecords and tf.data
(Inefficient) Pipeline
# Load Data
mnist = tf.contrib.learn.datasets.load_dataset("mnist")
train_data = mnist.train.images
train_labels = np.asarray(mnist.train.labels, dtype=np.int32)
eval_data = mnist.test.images
eval_labels = np.asarray(mnist.test.labels, dtype=np.int32)
# Create Input Functions
train_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": train_data},y=train_labels,batch_size=100,num_epochs=None,shuffle=True)
eval_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": eval_data},y=eval_labels,num_epochs=1,shuffle=False)
pred_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": eval_data},num_epochs=1,shuffle=False)
TFRecord
train004.tfrecords
tf.train.Example tf.train.Example tf.train.Example tf.train.Example tf.train.Example
...
train004.tfrecords
tf.train.Example tf.train.Example tf.train.Example tf.train.Example tf.train.Example
...
tf.train.Example
tf.train.Features
tf.train.Feature
tf.train.Feature
tf.train.Feature
...
tf.python_io.TFRecordWriter
tf.train.Feature
tf.train.Feature
tf.train.Example tf.train.Features
TFRecord
tf.data
tf.train.Example
tf.train.Features
tf.train.Feature
tf.train.Feature
tf.train.Feature
...
tf.FixedLenFeature
tf.FixedLenFeature
tf.FixedLenFeature
tf.parse_single_example
dataset = tf.data.TFRecordDataset(c['files'],num_parallel_reads=c['threads'])
tf.data input_fn()
dataset = dataset.map(parse_tfrecord,num_parallel_calls=c['threads'])
dataset = dataset.map(lambda x,y: (image_scaling(x),y),num_parallel_calls=c['threads'])
tf.data input_fn()
if c['mode']==tf.estimator.ModeKeys.TRAIN:
dataset = dataset.map(lambda x,y: (distort(x),y),num_parallel_calls=c['threads'])
dataset = dataset.shuffle(buffer_size=c['shuffle_buff'])
tf.data input_fn()
dataset = dataset.repeat()
dataset = dataset.batch(c['batch'])
dataset = dataset.prefetch(2*c['batch'])
tf.data input_fn()
iterator = dataset.make_one_shot_iterator()
images, labels = iterator.get_next()
features = {'images': images}
return features, labels
tf.data input_fn()
train_spec = tf.estimator.TrainSpec(input_fn=lambda: dataset_input_fn(train_params))
eval_spec = tf.estimator.EvalSpec(input_fn=lambda: dataset_input_fn(eval_params))
tf.data input_fn()
Distributed Training
Parallelism is Not Automatic
graph
mat
mul
add
X
ypred = WX + b
W b
ypred
Data and Model Parallelism
gpu:0
graph
mat
mul
add
X
ypred = WX + b
W b
ypred
graph
mat
mul
add
gpu:1
graph
mat
mul
add
X
Data Parallelism
split
Data and Model Parallelism
gpu:1
gpu:0
graph
mat
mul
add
X
ypred = WX + b
W b
ypred
graph
mat
mul
add
gpu:1
graph
mat
mul
add
gpu:0
graph
mat
mul
add
X
Data Parallelism
Model Parallelism
X
split
Data and Model Parallelism
gpu:1
gpu:0
graph
mat
mul
add
X
ypred = WX + b
W b
ypred
graph
mat
mul
add
gpu:1
graph
mat
mul
add
gpu:0
graph
mat
mul
add
X
Data Parallelism
Model Parallelism
X
gpu:3gpu:2
graph
mat
mul
add
split
split
Data and Model Parallelism
gpu:0
Output Reduction
graph
mat
mul
add
gpu:1
graph
mat
mul
add
X split
[ grad(gpu:0) , ypred(gpu:0) , loss(gpu:0) ]
[ grad(gpu:1) , ypred(gpu:1) , loss(gpu:1) ]
gpu:0
Output Reduction
graph
mat
mul
add
gpu:1
graph
mat
mul
add
X split
[ grad(gpu:0) , ypred(gpu:0) , loss(gpu:0) ]
[ grad(gpu:1) , ypred(gpu:1) , loss(gpu:1) ]
avg
con-
cat
sum
[ grad(model) , ypred(model) , loss(model) ]
Update
Model
Params
Output Reduction
gpu:3 gpu:1
gpu:0
gpu:2gpu:3
gpu:1
gpu:0
gpu:2
cpu/gpu
Naive Consolidation Ring All-Reduce
Baidu All-Reduce: Andrew Ng
Distributed Accelerator Options
replicate_model_fn (TF1.5+; Naive Consolidation; Single Server)
distribute.MirroredStrategy (TF1.8+; All-Reduce; Single Server for now)
TPUEstimator (TF1.4+; All-Reduce; 64-TPU pod)
Horovod (TF1.8+; All-Reduce; Multi Server)
multi_gpu_model (Keras; Naive Consolidation; Single Server)
Meet Horovod: Alex Sergeev, Mike Del Balso
TPU / TPU Pod
TPUs Batch Size Time to
90 Epochs
Accuracy
1 256 23:22 76.6%
4 1024 05:48 76.3%
16 4096 01:30 76.5%
32 8192 45 min 76.1%
64 16384 22 min 75.0%
64 8192 ->16384 29.5 min 76.1%
ImageNet is the New MNIST
Summary
tf.estimator
● Premade Estimators for quick and dirty jobs (5-part recipe)
● Custom models w/o the plumbing (5-part function)
● Keras Functional API for Inference() in custom model_fn()
● Use Checkpoints/Preemptible VMs/Cloud Storage to reduce cost
● Scalable model building from laptop to GPUs to TPU Pods
TFRecords & tf.data for pipeline performance
● Parallelize creation of TFRecord files ~ 100-150MB
● Use tf.data input_fn()
Distributed Accelerator options
● Input pipeline before bigger/faster/more accelerators
● Scale Up before Out
Thank you.
Developing a ML model using TF Estimator
Developing a ML model using TF Estimator

Mais conteúdo relacionado

Semelhante a Developing a ML model using TF Estimator

Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...
Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...
Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...Flink Forward
 
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlow
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlowTensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlow
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlowDatabricks
 
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...gdgsurrey
 
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...DevDay.org
 
Naive application of Machine Learning to Software Development
Naive application of Machine Learning to Software DevelopmentNaive application of Machine Learning to Software Development
Naive application of Machine Learning to Software DevelopmentAndriy Khavryuchenko
 
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...Chetan Khatri
 
Interactively querying Google Analytics reports from R using ganalytics
Interactively querying Google Analytics reports from R using ganalyticsInteractively querying Google Analytics reports from R using ganalytics
Interactively querying Google Analytics reports from R using ganalyticsJohann de Boer
 
Ml ops and the feature store with hopsworks, DC Data Science Meetup
Ml ops and the feature store with hopsworks, DC Data Science MeetupMl ops and the feature store with hopsworks, DC Data Science Meetup
Ml ops and the feature store with hopsworks, DC Data Science MeetupJim Dowling
 
Building an ML Platform with Ray and MLflow
Building an ML Platform with Ray and MLflowBuilding an ML Platform with Ray and MLflow
Building an ML Platform with Ray and MLflowDatabricks
 
Machine Learning With R
Machine Learning With RMachine Learning With R
Machine Learning With RDavid Chiu
 
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaAutomate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaChetan Khatri
 
Netflix Machine Learning Infra for Recommendations - 2018
Netflix Machine Learning Infra for Recommendations - 2018Netflix Machine Learning Infra for Recommendations - 2018
Netflix Machine Learning Infra for Recommendations - 2018Karthik Murugesan
 
ML Infra for Netflix Recommendations - AI NEXTCon talk
ML Infra for Netflix Recommendations - AI NEXTCon talkML Infra for Netflix Recommendations - AI NEXTCon talk
ML Infra for Netflix Recommendations - AI NEXTCon talkFaisal Siddiqi
 
Lab 2: Classification and Regression Prediction Models, training and testing ...
Lab 2: Classification and Regression Prediction Models, training and testing ...Lab 2: Classification and Regression Prediction Models, training and testing ...
Lab 2: Classification and Regression Prediction Models, training and testing ...Yao Yao
 
Streaming Inference with Apache Beam and TFX
Streaming Inference with Apache Beam and TFXStreaming Inference with Apache Beam and TFX
Streaming Inference with Apache Beam and TFXDatabricks
 
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
 
Group analyses with FieldTrip
Group analyses with FieldTripGroup analyses with FieldTrip
Group analyses with FieldTripRobert Oostenveld
 
Accelerated Training of Transformer Models
Accelerated Training of Transformer ModelsAccelerated Training of Transformer Models
Accelerated Training of Transformer ModelsDatabricks
 

Semelhante a Developing a ML model using TF Estimator (20)

Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...
Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...
Flink Forward San Francisco 2019: TensorFlow Extended: An end-to-end machine ...
 
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlow
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlowTensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlow
TensorFlow Extended: An End-to-End Machine Learning Platform for TensorFlow
 
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...
Certification Study Group -Professional ML Engineer Session 2 (GCP-TensorFlow...
 
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
 
Naive application of Machine Learning to Software Development
Naive application of Machine Learning to Software DevelopmentNaive application of Machine Learning to Software Development
Naive application of Machine Learning to Software Development
 
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
 
Interactively querying Google Analytics reports from R using ganalytics
Interactively querying Google Analytics reports from R using ganalyticsInteractively querying Google Analytics reports from R using ganalytics
Interactively querying Google Analytics reports from R using ganalytics
 
Ml ops and the feature store with hopsworks, DC Data Science Meetup
Ml ops and the feature store with hopsworks, DC Data Science MeetupMl ops and the feature store with hopsworks, DC Data Science Meetup
Ml ops and the feature store with hopsworks, DC Data Science Meetup
 
Building an ML Platform with Ray and MLflow
Building an ML Platform with Ray and MLflowBuilding an ML Platform with Ray and MLflow
Building an ML Platform with Ray and MLflow
 
Machine Learning With R
Machine Learning With RMachine Learning With R
Machine Learning With R
 
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaAutomate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
 
Netflix Machine Learning Infra for Recommendations - 2018
Netflix Machine Learning Infra for Recommendations - 2018Netflix Machine Learning Infra for Recommendations - 2018
Netflix Machine Learning Infra for Recommendations - 2018
 
ML Infra for Netflix Recommendations - AI NEXTCon talk
ML Infra for Netflix Recommendations - AI NEXTCon talkML Infra for Netflix Recommendations - AI NEXTCon talk
ML Infra for Netflix Recommendations - AI NEXTCon talk
 
Python Manuel-R2021.pdf
Python Manuel-R2021.pdfPython Manuel-R2021.pdf
Python Manuel-R2021.pdf
 
R console
R consoleR console
R console
 
Lab 2: Classification and Regression Prediction Models, training and testing ...
Lab 2: Classification and Regression Prediction Models, training and testing ...Lab 2: Classification and Regression Prediction Models, training and testing ...
Lab 2: Classification and Regression Prediction Models, training and testing ...
 
Streaming Inference with Apache Beam and TFX
Streaming Inference with Apache Beam and TFXStreaming Inference with Apache Beam and TFX
Streaming Inference with Apache Beam and 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) + ...
Hands-on Learning with KubeFlow + Keras/TensorFlow 2.0 + TF Extended (TFX) + ...
 
Group analyses with FieldTrip
Group analyses with FieldTripGroup analyses with FieldTrip
Group analyses with FieldTrip
 
Accelerated Training of Transformer Models
Accelerated Training of Transformer ModelsAccelerated Training of Transformer Models
Accelerated Training of Transformer Models
 

Mais de Karthik Murugesan

Rakuten - Recommendation Platform
Rakuten - Recommendation PlatformRakuten - Recommendation Platform
Rakuten - Recommendation PlatformKarthik Murugesan
 
Yahoo's Knowledge Graph - 2014 slides
Yahoo's Knowledge Graph - 2014 slidesYahoo's Knowledge Graph - 2014 slides
Yahoo's Knowledge Graph - 2014 slidesKarthik Murugesan
 
Free servers to build Big Data Systems on: Bing's Approach
Free servers to build Big Data Systems on: Bing's  Approach Free servers to build Big Data Systems on: Bing's  Approach
Free servers to build Big Data Systems on: Bing's Approach Karthik Murugesan
 
Microsoft AI Platform - AETHER Introduction
Microsoft AI Platform - AETHER IntroductionMicrosoft AI Platform - AETHER Introduction
Microsoft AI Platform - AETHER IntroductionKarthik Murugesan
 
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2Karthik Murugesan
 
Lyft data Platform - 2019 slides
Lyft data Platform - 2019 slidesLyft data Platform - 2019 slides
Lyft data Platform - 2019 slidesKarthik Murugesan
 
The Evolution of Spotify Home Architecture - Qcon 2019
The Evolution of Spotify Home Architecture - Qcon 2019The Evolution of Spotify Home Architecture - Qcon 2019
The Evolution of Spotify Home Architecture - Qcon 2019Karthik Murugesan
 
Unifying Twitter around a single ML platform - Twitter AI Platform 2019
Unifying Twitter around a single ML platform  - Twitter AI Platform 2019Unifying Twitter around a single ML platform  - Twitter AI Platform 2019
Unifying Twitter around a single ML platform - Twitter AI Platform 2019Karthik Murugesan
 
The journey toward a self-service data platform at Netflix - sf 2019
The journey toward a self-service data platform at Netflix - sf 2019The journey toward a self-service data platform at Netflix - sf 2019
The journey toward a self-service data platform at Netflix - sf 2019Karthik Murugesan
 
Production Model Deployment - StitchFix - 2018
Production Model Deployment - StitchFix - 2018Production Model Deployment - StitchFix - 2018
Production Model Deployment - StitchFix - 2018Karthik Murugesan
 
Netflix factstore for recommendations - 2018
Netflix factstore  for recommendations - 2018Netflix factstore  for recommendations - 2018
Netflix factstore for recommendations - 2018Karthik Murugesan
 
Trends in Music Recommendations 2018
Trends in Music Recommendations 2018Trends in Music Recommendations 2018
Trends in Music Recommendations 2018Karthik Murugesan
 
Netflix Ads Personalization Solution - 2017
Netflix Ads Personalization Solution - 2017Netflix Ads Personalization Solution - 2017
Netflix Ads Personalization Solution - 2017Karthik Murugesan
 
Spotify Machine Learning Solution for Music Discovery
Spotify Machine Learning Solution for Music DiscoverySpotify Machine Learning Solution for Music Discovery
Spotify Machine Learning Solution for Music DiscoveryKarthik Murugesan
 
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform Karthik Murugesan
 
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...Karthik Murugesan
 
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Karthik Murugesan
 
Fact Store at Scale for Netflix Recommendations
Fact Store at Scale for Netflix RecommendationsFact Store at Scale for Netflix Recommendations
Fact Store at Scale for Netflix RecommendationsKarthik Murugesan
 

Mais de Karthik Murugesan (20)

Rakuten - Recommendation Platform
Rakuten - Recommendation PlatformRakuten - Recommendation Platform
Rakuten - Recommendation Platform
 
Yahoo's Knowledge Graph - 2014 slides
Yahoo's Knowledge Graph - 2014 slidesYahoo's Knowledge Graph - 2014 slides
Yahoo's Knowledge Graph - 2014 slides
 
Free servers to build Big Data Systems on: Bing's Approach
Free servers to build Big Data Systems on: Bing's  Approach Free servers to build Big Data Systems on: Bing's  Approach
Free servers to build Big Data Systems on: Bing's Approach
 
Microsoft cosmos
Microsoft cosmosMicrosoft cosmos
Microsoft cosmos
 
Microsoft AI Platform - AETHER Introduction
Microsoft AI Platform - AETHER IntroductionMicrosoft AI Platform - AETHER Introduction
Microsoft AI Platform - AETHER Introduction
 
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2
BIng NLP Expert - Dl summer-school-2017.-jianfeng-gao.v2
 
Lyft data Platform - 2019 slides
Lyft data Platform - 2019 slidesLyft data Platform - 2019 slides
Lyft data Platform - 2019 slides
 
The Evolution of Spotify Home Architecture - Qcon 2019
The Evolution of Spotify Home Architecture - Qcon 2019The Evolution of Spotify Home Architecture - Qcon 2019
The Evolution of Spotify Home Architecture - Qcon 2019
 
Unifying Twitter around a single ML platform - Twitter AI Platform 2019
Unifying Twitter around a single ML platform  - Twitter AI Platform 2019Unifying Twitter around a single ML platform  - Twitter AI Platform 2019
Unifying Twitter around a single ML platform - Twitter AI Platform 2019
 
The journey toward a self-service data platform at Netflix - sf 2019
The journey toward a self-service data platform at Netflix - sf 2019The journey toward a self-service data platform at Netflix - sf 2019
The journey toward a self-service data platform at Netflix - sf 2019
 
Production Model Deployment - StitchFix - 2018
Production Model Deployment - StitchFix - 2018Production Model Deployment - StitchFix - 2018
Production Model Deployment - StitchFix - 2018
 
Netflix factstore for recommendations - 2018
Netflix factstore  for recommendations - 2018Netflix factstore  for recommendations - 2018
Netflix factstore for recommendations - 2018
 
Trends in Music Recommendations 2018
Trends in Music Recommendations 2018Trends in Music Recommendations 2018
Trends in Music Recommendations 2018
 
Netflix Ads Personalization Solution - 2017
Netflix Ads Personalization Solution - 2017Netflix Ads Personalization Solution - 2017
Netflix Ads Personalization Solution - 2017
 
State Of AI 2018
State Of AI 2018State Of AI 2018
State Of AI 2018
 
Spotify Machine Learning Solution for Music Discovery
Spotify Machine Learning Solution for Music DiscoverySpotify Machine Learning Solution for Music Discovery
Spotify Machine Learning Solution for Music Discovery
 
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform
AirBNB - Zipline: Airbnb’s Machine Learning Data Management Platform
 
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
 
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
Apache Spark-Based Stratification Library for Machine Learning Use Cases at N...
 
Fact Store at Scale for Netflix Recommendations
Fact Store at Scale for Netflix RecommendationsFact Store at Scale for Netflix Recommendations
Fact Store at Scale for Netflix Recommendations
 

Último

Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoffsammart93
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Scriptwesley chun
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businesspanagenda
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...DianaGray10
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobeapidays
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...apidays
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native ApplicationsWSO2
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot ModelNavi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot ModelDeepika Singh
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...apidays
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProduct Anonymous
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxRustici Software
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonAnna Loughnan Colquhoun
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodJuan lago vázquez
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingEdi Saputra
 

Último (20)

Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot ModelNavi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Navi Mumbai Call Girls 🥰 8617370543 Service Offer VIP Hot Model
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
 

Developing a ML model using TF Estimator