SlideShare a Scribd company logo
1 of 53
Download to read offline
Boosting machine learning workflow
with TensorFlow 2.0
Jeongkyu Shin
Lablup Inc.
Google Developers Experts (ML/DL)
Jeongkyu Shin
Lablup Inc.
Making open-source machine
learning cluster platform:
Backend.AI
https://www.backend.ai
Google Developer Expert
ML / DL GDE, Sprint Master
Elements: Framework
● TensorFlow 2.0
● TensorFlow Extended
● TensorFlow Lite
● ML Kit
● TF-Agents
● TF Model Analysis
● TensorFlow Federated
● TF-NSL
● TensorFlow.js
● Swift for TensorFlow
● MLIR
TensorFlow
An end-to-end open source machine learning platform
Easy model building
Robust machine learning production
Powerful experimentation for research
TensorFlow: Summary
Statistics
> 30,000 commits since Dec. 2015
> 1,400 contributors
> 7,000 pull requests
> 24,000 forks (last 12 months)
> 6,400 TensorFlow related GitHub
Current
Complete ML model prototyping
Distributed training
CPU / GPU / TPU / Mobile support
TensorFlow Serving
Easier inference service
XLA compiler (1.0~)
Various target platform / performance tuning
Keras API Support (1.2~)
High-level programming API (Keras-compatible)
Eager Execution (1.4~)
Interactive mode
TensorFlow.Data (1.4~)
Pipeline for data sources
TensorFlow 2.0
Now in Live!
Keras as default grammar
Eager Execution as default runtime mode
Deprecates session-based execution
tf.compat.v1 for legacy codes
2.1 Soon!
TPU support is back
Mixed precision training
TensorFlow 2.0
Consolidate APIs
Keep one API for single behavior
Increase developer convenience
Debug with eager execution
Keep performance with AutoGraph
Keep namespace consistency
Remove global variable references
Easier large-scale training
Merge distributed TensorFlow features
# TensorFlow 1.X
outputs = session.run(f(placeholder), feed_dict={placeholder: input})
# TensorFlow 2.0
outputs = f(input)
TensorFlow 2.0: Optimization
Problems with Session.run ()
Not a function but works like a function and used like a function
Difficult to optimize session code
Change
Written like regular Python code
Decorator changes to optimized TensorFlow code at execution
(AutoGraph)
@autograph.convert()
def my_dynamic_rnn(rnn_cell, input_data, initial_state,
seq_len):
outputs = tf.TensorArray(tf.float32, input_data.shape[0])
state = initial_state
max_seq_len = tf.reduce_max(seq_len)
for i in tf.range(max_seq_len):
new_output, new_state = rnn_cell(input_data[i], state)
output = tf.where(i < seq_len, new_output,
tf.zeros_like(new_output))
state = tf.where(i < sequence_length, new_state, state)
outputs = outputs.write(i, output)
return tf.transpose(outputs.stack(), [1, 0, 2]), state
def tf__my_dynamic_rnn(rnn_cell, input_data, initial_state, sequence_length):
try:
with tf.name_scope('my_dynamic_rnn'):
outputs = tf.TensorArray(tf.float32, ag__.get_item(input_data.shape,
0, opts=ag__.GetItemOpts(element_dtype=None)))
state = initial_state
max_sequence_length = tf.reduce_max(sequence_length)
def extra_test(state_1, outputs_1):
with tf.name_scope('extra_test'):
return True
def loop_body(loop_vars, state_1, outputs_1):
with tf.name_scope('loop_body'):
i = loop_vars
new_output, new_state = ag__.converted_call(rnn_cell, True, False,
False, {}, ag__.get_item(input_data, i, opts=ag__.GetItemOpts
(element_dtype=None)), state_1)
output = tf.where(tf.less(i, sequence_length), new_output, tf.
zeros(new_output.shape))
state_1 = tf.where(tf.less(i, sequence_length), new_state, state_1)
outputs_1 = outputs_1.write(i, output)
return state_1, outputs_1
state, outputs = ag__.for_stmt(tf.range(max_sequence_length),
extra_test, loop_body, (state, outputs))
return tf.transpose(outputs.stack(), ag__.new_list([1, 0, 2])), state
except:
ag__.rewrite_graph_construction_error(ag_source_map__)
TensorFlow 2.0: Distribution Strategy
Supporting Strategies
MirroredStrategy (1.11)
All-reduce
Synchronized training
TPUStrategy (1.12)
Strategies on Google Cloud
CollectiveAllReduceStrategy (2.0)
Multi-node based MirroredStrategy
ParameterServerStrategy (2.0)
TPUStrategy (2.1)
Example: MirroredStrategy
strategy = tf.distribute.MirroredStrategy()
config = tf.estimator.RunConfig(
train_distribute=strategy, eval_distribute=strategy)
regressor = tf.estimator.LinearRegressor(
feature_columns=[tf.feature_column.numeric_column('feats')],
optimizer='SGD',
config=config)
def input_fn():
return tf.data.Dataset.from_tensors(({"feats":[1.]}, [1.]))
.repeat(10000).batch(10)
regressor.train(input_fn=input_fn, steps=10)
regressor.evaluate(input_fn=input_fn, steps=10)
Example: MirroredStrategy
ResNet50 Training code
train_dataset = tf.data.Dataset(...)
eval_dataset = tf.data.Dataset(...)
model = tf.keras.applications.ResNet50()
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)
model.compile(loss="categorical_crossentropy", optimizer=optimizer)
model.fit(train_dataset, epochs=10)
model.evaluate(eval_dataset)
Example: MirroredStrategy
ResNet50 Training code
Added MirroredStrategy: other codes are same.
train_dataset = tf.data.Dataset(...)
eval_dataset = tf.data.Dataset(...)
model = tf.keras.applications.ResNet50()
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)
strategy = tf.contrib.distribute.MirroredStrategy()
model.compile(loss="categorical_crossentropy", optimizer=optimizer,
distribute=strategy)
model.fit(train_dataset, epochs=10)
model.evaluate(eval_dataset)
Machine Learning Pipeline
Training is only a small part
Different story for production environment
Data
Ingestion
Data
Analysis + Validation
Data
Transformation Trainer
Model Evaluation
and Validation
Serving Logging
Shared Utilities for Garbage Collection, Data Access Controls
Pipeline Storage
Tuner
Shared Configuration Framework and Job Orchestration
Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization
Machine Learning Pipeline
Training is only a small part
Different story for production environment
Diverse environments / situation make it so difficult
Data
Ingestion
Data
Analysis + Validation
Data
Transformation
Model Evaluation
and Validation
Serving Logging
Shared Utilities for Garbage Collection, Data Access Controls
Pipeline Storage
Tuner
Shared Configuration Framework and Job Orchestration
Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization
TensorFlow
Core
TensorFlow Extended: Before
End-to-end machine learning platform by
Making pipeline with TensorFlow components
Orchestrate various computation resources
Data
Ingestion
Data
Transformation
Model Evaluation
and Validation
Logging
Shared Utilities for Garbage Collection, Data Access Controls
Pipeline Storage
Tuner
Shared Configuration Framework and Job Orchestration
Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization
TensorFlow
Core
TensorFlow
Serving
TFDV
TensorFlow Extended: Now
Data
Ingestion
TFDV
TensorFlow
Transform
TensorFlow
Core
TensorFlow
Model Analysis
TensorFlow
Serving
Logging
Shared Utilities for Garbage Collection, Data Access Controls
Pipeline Storage
Tuner
AirFlow / KubeFlow
AirFlow / KubeFlow with various tools
End-to-end machine learning platform by
Making pipeline with TensorFlow components
Orchestrate various computation resources
Kubeflow Runtime
Example
Gen
Statistic
sGen
Schema
Gen
Example
Validator
Transform Trainer
Evaluator
Model
Validator
Pusher
TFX Config
Metadata Storage
Training +
Validation
Data
TensorFlow
Serving
TensorFlow
Hub
TensorFlow
Lite
TensorFlow JS
Airflow Runtime
TensorFlow Extended: Overview
TFX: Pipeline Orchestration
Airflow Kubeflow
TensorFlow Lite
TensorFlow for on-device environments
Simplifies on-device production challenges
Limited resources: CPU, memory, power consumption
Heterogeneous accelerators: various ASICs
Use cases
Android devices
Google assistant
Mobile ML platform
TensorFlow Lite with
TensorFlow 2.0
Model compatibility
TensorFlow 1.X / 2.0
GPU / NPU support
Less-buggy TFLite model
converter
With MLIR
ML Kit :
ML SDK for diverse environments
ML Kit :
ML SDK for diverse environments
ML Kit :
ML SDK for diverse environments
Turn-key solution for a specific task
Component to help with your own models
Server-based powerful features with Firebase
+Increases accuracy
+More categories
-Data network needed
ML Kit :
ML SDK for diverse environments
Will be more network-independent solution
On-device SDK: offline-ready
Firebase features?
TF-Agents:
library for reinforcement learning
Jupyter Notebook Examples
Integration with TensorFlow / pybullet
Examples and Docs
Supports both TensorFlow 1.14 and 2.0
TF-Agents:
library for reinforcement learning
Jupyter Notebook Examples
Integration with TensorFlow / pybullet
Examples and Docs
Supports both TensorFlow 1.14 and 2.0
Gfootball opensource training env.
https://github.com/google-
research/football
Machine Learning Fairness
Transparency Framework
Data card
Statistics for data bias
What-If Tool
Trackback results
Simulate the difference
ML Fairness
Part of TensorFlow Model Analysis
Automatic bias monitoring
Evaluate the performance impact of
adjustments
Case studies and benchmarks
Federated Learning
Distributed training with
minimal privacy violations
Data island + edge computing
Federated Learning
Save resources / traffic
Training without exposing local data
Keeping privacy
Demo
Action / emoticon prediction
TensorFlow Federated
Federated Learning API
Unified Core API
Local runtime for simulation
*Sources: Federated Learning: Machine Learning on Decentralized Data (Google I/O 19)
node.js based server-side training
Supports online prebuilt models / new TF Hub
TensorFlow.js
node.js based server-side training
Nvidia GPU support on desktop (driver needed)
Supports online prebuilt models / new TF Hub
TensorFlow.js
TensorFlow Neural Structured Learning
My recent interest!
Are you familiar with Taxonomy or semantics?
How about Semantic Web or Knowledge graph?
TensorFlow Neural Structured Learning
New learning paradigm
Training ‘relationship’ of inputs
NSL: Generalized training method to
Neural graph learning
Adversarial learning
TensorFlow Neural Structured Learning
import tensorflow as tf
import neural_structured_learning as nsl
# Prepare data.
(x_train, y_train), (x_test, y_test) = tf.keras.datasets.mnist.load_data()
x_train, x_test = x_train / 255.0, x_test / 255.0
# Create a base model -- sequential, functional, or subclass.
model = tf.keras.Sequential([
tf.keras.Input((28, 28), name='feature'),
tf.keras.layers.Flatten(),
tf.keras.layers.Dense(128, activation=tf.nn.relu),
tf.keras.layers.Dense(10, activation=tf.nn.softmax)
])
# Wrap the model with adversarial regularization.
adv_config = nsl.configs.make_adv_reg_config(multiplier=0.2, adv_step_size=0.05)
adv_model = nsl.keras.AdversarialRegularization(model, adv_config=adv_config)
# Compile, train, and evaluate.
adv_model.compile(optimizer='adam’,
loss='sparse_categorical_crossentropy’,
metrics=['accuracy'])
adv_model.fit({'feature': x_train, 'label': y_train}, batch_size=32, epochs=5)
adv_model.evaluate({'feature': x_test, 'label': y_test})
Swift for TensorFlow
Every components with one language
Only swift from Backend to Frontend
C++ + Python + (TF Lite) + …
Swift
LLVM-based platform independency support
Low huddle (more link pythonic + interpreter mode)
Future
MLIR: framework-independent ML accelerating with LLVM
MLIR
“Multi-Level Intermediate Representation" Compiler Infrastructure
Global improvements to TensorFlow infrastructure
Abstraction layer for accelerators
Support Heterogenous, distributed, mobile, custom ASICs
Urgency driven by the “end of Moore’s law”
As a part of LLVM: Other frameworks can benefit
MLIR
TensorFlow to TensorFlow Lite Converter
First MLIR-based improvements
Enhance edge device support by simplifying transforms and expressibility
Nov. 2019
Elements: Devices
● Coral, Edge TPU
● TPU Pods V3
● Cloud TPU Pods Beta
TitleCoral: Edge TPU based hardware
Coral
Edge TPU Brand
Dev Board / USB
Also PCI-E, SOM
Software Stack
Mendel OS (Debian Fork)
Edge TPU compiler for TF Lite
model compilation
Python SDK
Coral: Dev Board
CPU i.MX 8M SoC w/ Quad-core A53
GPU Integrated GC7000 Lite GPU
TPU Google Edge TPU
RAM 1GB LPDDR4 RAM
Storage 8 GB eMMC
Security/Crypto
eMMC secure block for TrustZone MCHP
ATECC608A Crypto Chip
Power 5V 3A via Type-C connector
Connectors USB-C, RJ45, 3.5mm TRRS, HDMI
OS Mendel Linux (Debian derivative) Android
ML TensorFlow Lite
Coral: USB accelerator
TPU Google Edge TPU
Power 5V 3A via Type-C connector
Connectors USB 3.1 (gen 1) via Type-C
Supported OS
Debian 6.0 or higher / Other Debian
derivatives
Supported
Architectures
x86-64, ARMv8
Supported ML TensorFlow Lite
Coral: SDK and market
I/O `19: New SDK
Model compiler for custom
model serving
Limited ops. Support
Competition in Edge AI ASIC market
Neural ComputeStick / Jetson
Nano
RP4 + Add-on
More to come!
Cloud TPU Pods
Full TPU Pod on Google Cloud
What topics need these big resources?
XLNet (June 2019)
Outperforms BERT language model
Cloud TPU Pod training (< 2.5 days)
260k US dollar (~312,000,000 won) for 2.5 days use
https://arxiv.org/abs/1906.08237
Cloud TPU Pods
Full TPU Pod on Google Cloud
What topics need these big resources?
Google T5 (Oct 2019)
Unified text-to-text transformer
Outperforms XLNet language model (?!)
Cloud TPU Pod training (~2 weeks)
Guess the cost! https://arxiv.org/abs/1910.10683
Elements: Framework
● TensorFlow 2.0
● TensorFlow Extended
● TensorFlow Lite
● TF-Agents
● ML Kit
● TF Model Analysis
● TensorFlow Federated
● TF-NSL
● TensorFlow.js
● Swift for TensorFlow
● MLIR
Elements: Devices
● Coral, Edge TPU
● TPU Pods V3
● Cloud TPU Pods Beta
Thank You!
facebook/jeongkyu.shininureyes@gmail.com
inureyesgithub/inureyes

More Related Content

What's hot

Introduction to TensorFlow Lite
Introduction to TensorFlow Lite Introduction to TensorFlow Lite
Introduction to TensorFlow Lite Koan-Sin Tan
 
TFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU DelegatesTFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU DelegatesKoan-Sin Tan
 
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUs
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUsScaling out Tensorflow-as-a-Service on Spark and Commodity GPUs
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUsJim Dowling
 
Colab workshop (for Computer vision Students)
Colab workshop (for Computer vision Students)Colab workshop (for Computer vision Students)
Colab workshop (for Computer vision Students)Asim Hameed Khan
 
Introduction to Chainer: A Flexible Framework for Deep Learning
Introduction to Chainer: A Flexible Framework for Deep LearningIntroduction to Chainer: A Flexible Framework for Deep Learning
Introduction to Chainer: A Flexible Framework for Deep LearningSeiya Tokui
 
Python Developer Certification
Python Developer CertificationPython Developer Certification
Python Developer CertificationVskills
 
Tensorflow on Android
Tensorflow on AndroidTensorflow on Android
Tensorflow on AndroidKoan-Sin Tan
 
Buzzwords Numba Presentation
Buzzwords Numba PresentationBuzzwords Numba Presentation
Buzzwords Numba Presentationkammeyer
 
Cloud Deep Learning Chips Training & Inference
Cloud Deep Learning Chips Training & InferenceCloud Deep Learning Chips Training & Inference
Cloud Deep Learning Chips Training & InferenceMr. Vengineer
 
Snakes on a plane - Ship your Python on enterprise machines
Snakes on a plane - Ship your Python on enterprise machinesSnakes on a plane - Ship your Python on enterprise machines
Snakes on a plane - Ship your Python on enterprise machinesMax Pumperla
 
Python VS GO
Python VS GOPython VS GO
Python VS GOOfir Nir
 
Numba: Array-oriented Python Compiler for NumPy
Numba: Array-oriented Python Compiler for NumPyNumba: Array-oriented Python Compiler for NumPy
Numba: Array-oriented Python Compiler for NumPyTravis Oliphant
 
Intro to Python
Intro to PythonIntro to Python
Intro to Pythonpetrov
 
Understanding Android Benchmarks
Understanding Android BenchmarksUnderstanding Android Benchmarks
Understanding Android BenchmarksKoan-Sin Tan
 
Ry pyconjp2015 karaoke
Ry pyconjp2015 karaokeRy pyconjp2015 karaoke
Ry pyconjp2015 karaokeRenyuan Lyu
 
Optimizing mobile applications - Ian Dundore, Mark Harkness
Optimizing mobile applications - Ian Dundore, Mark HarknessOptimizing mobile applications - Ian Dundore, Mark Harkness
Optimizing mobile applications - Ian Dundore, Mark Harknessozlael ozlael
 
pyconjp2015_talk_Translation of Python Program__
pyconjp2015_talk_Translation of Python Program__pyconjp2015_talk_Translation of Python Program__
pyconjp2015_talk_Translation of Python Program__Renyuan Lyu
 
Jonathan Coveney: Why Pig?
Jonathan Coveney: Why Pig?Jonathan Coveney: Why Pig?
Jonathan Coveney: Why Pig?mortardata
 
GPUIterator: Bridging the Gap between Chapel and GPU Platforms
GPUIterator: Bridging the Gap between Chapel and GPU PlatformsGPUIterator: Bridging the Gap between Chapel and GPU Platforms
GPUIterator: Bridging the Gap between Chapel and GPU PlatformsAkihiro Hayashi
 
OpenCL - The Open Standard for Heterogeneous Parallel Programming
OpenCL - The Open Standard for Heterogeneous Parallel ProgrammingOpenCL - The Open Standard for Heterogeneous Parallel Programming
OpenCL - The Open Standard for Heterogeneous Parallel ProgrammingAndreas Schreiber
 

What's hot (20)

Introduction to TensorFlow Lite
Introduction to TensorFlow Lite Introduction to TensorFlow Lite
Introduction to TensorFlow Lite
 
TFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU DelegatesTFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU Delegates
 
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUs
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUsScaling out Tensorflow-as-a-Service on Spark and Commodity GPUs
Scaling out Tensorflow-as-a-Service on Spark and Commodity GPUs
 
Colab workshop (for Computer vision Students)
Colab workshop (for Computer vision Students)Colab workshop (for Computer vision Students)
Colab workshop (for Computer vision Students)
 
Introduction to Chainer: A Flexible Framework for Deep Learning
Introduction to Chainer: A Flexible Framework for Deep LearningIntroduction to Chainer: A Flexible Framework for Deep Learning
Introduction to Chainer: A Flexible Framework for Deep Learning
 
Python Developer Certification
Python Developer CertificationPython Developer Certification
Python Developer Certification
 
Tensorflow on Android
Tensorflow on AndroidTensorflow on Android
Tensorflow on Android
 
Buzzwords Numba Presentation
Buzzwords Numba PresentationBuzzwords Numba Presentation
Buzzwords Numba Presentation
 
Cloud Deep Learning Chips Training & Inference
Cloud Deep Learning Chips Training & InferenceCloud Deep Learning Chips Training & Inference
Cloud Deep Learning Chips Training & Inference
 
Snakes on a plane - Ship your Python on enterprise machines
Snakes on a plane - Ship your Python on enterprise machinesSnakes on a plane - Ship your Python on enterprise machines
Snakes on a plane - Ship your Python on enterprise machines
 
Python VS GO
Python VS GOPython VS GO
Python VS GO
 
Numba: Array-oriented Python Compiler for NumPy
Numba: Array-oriented Python Compiler for NumPyNumba: Array-oriented Python Compiler for NumPy
Numba: Array-oriented Python Compiler for NumPy
 
Intro to Python
Intro to PythonIntro to Python
Intro to Python
 
Understanding Android Benchmarks
Understanding Android BenchmarksUnderstanding Android Benchmarks
Understanding Android Benchmarks
 
Ry pyconjp2015 karaoke
Ry pyconjp2015 karaokeRy pyconjp2015 karaoke
Ry pyconjp2015 karaoke
 
Optimizing mobile applications - Ian Dundore, Mark Harkness
Optimizing mobile applications - Ian Dundore, Mark HarknessOptimizing mobile applications - Ian Dundore, Mark Harkness
Optimizing mobile applications - Ian Dundore, Mark Harkness
 
pyconjp2015_talk_Translation of Python Program__
pyconjp2015_talk_Translation of Python Program__pyconjp2015_talk_Translation of Python Program__
pyconjp2015_talk_Translation of Python Program__
 
Jonathan Coveney: Why Pig?
Jonathan Coveney: Why Pig?Jonathan Coveney: Why Pig?
Jonathan Coveney: Why Pig?
 
GPUIterator: Bridging the Gap between Chapel and GPU Platforms
GPUIterator: Bridging the Gap between Chapel and GPU PlatformsGPUIterator: Bridging the Gap between Chapel and GPU Platforms
GPUIterator: Bridging the Gap between Chapel and GPU Platforms
 
OpenCL - The Open Standard for Heterogeneous Parallel Programming
OpenCL - The Open Standard for Heterogeneous Parallel ProgrammingOpenCL - The Open Standard for Heterogeneous Parallel Programming
OpenCL - The Open Standard for Heterogeneous Parallel Programming
 

Similar to Boosting machine learning workflow with TensorFlow 2.0

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
 
TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약Jin Joong Kim
 
running Tensorflow in Production
running Tensorflow in Productionrunning Tensorflow in Production
running Tensorflow in ProductionMatthias Feys
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2Oswald Campesato
 
Introduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasIntroduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasOswald Campesato
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Databricks
 
190111 tf2 preview_jwkang_pub
190111 tf2 preview_jwkang_pub190111 tf2 preview_jwkang_pub
190111 tf2 preview_jwkang_pubJaewook. Kang
 
A Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsA Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsDean Wyatte
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2Oswald Campesato
 
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
 
TensorFlow example for AI Ukraine2016
TensorFlow example  for AI Ukraine2016TensorFlow example  for AI Ukraine2016
TensorFlow example for AI Ukraine2016Andrii Babii
 
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
 
Inference accelerators
Inference acceleratorsInference accelerators
Inference acceleratorsDarshanG13
 
Hopsworks at Google AI Huddle, Sunnyvale
Hopsworks at Google AI Huddle, SunnyvaleHopsworks at Google AI Huddle, Sunnyvale
Hopsworks at Google AI Huddle, SunnyvaleJim Dowling
 
Introduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyIntroduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyTed Xiao
 
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...Chris Fregly
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...Simplilearn
 

Similar to Boosting machine learning workflow with TensorFlow 2.0 (20)

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) + ...
 
TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약TensorFlow Dev Summit 2017 요약
TensorFlow Dev Summit 2017 요약
 
running Tensorflow in Production
running Tensorflow in Productionrunning Tensorflow in Production
running Tensorflow in Production
 
Tensorflow Ecosystem
Tensorflow EcosystemTensorflow Ecosystem
Tensorflow Ecosystem
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2
 
Introduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and KerasIntroduction to TensorFlow 2 and Keras
Introduction to TensorFlow 2 and Keras
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0
 
190111 tf2 preview_jwkang_pub
190111 tf2 preview_jwkang_pub190111 tf2 preview_jwkang_pub
190111 tf2 preview_jwkang_pub
 
A Tour of Tensorflow's APIs
A Tour of Tensorflow's APIsA Tour of Tensorflow's APIs
A Tour of Tensorflow's APIs
 
Introduction to TensorFlow 2
Introduction to TensorFlow 2Introduction to TensorFlow 2
Introduction to TensorFlow 2
 
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...
 
TensorFlow example for AI Ukraine2016
TensorFlow example  for AI Ukraine2016TensorFlow example  for AI Ukraine2016
TensorFlow example for AI Ukraine2016
 
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...
 
Inference accelerators
Inference acceleratorsInference accelerators
Inference accelerators
 
Keras and TensorFlow
Keras and TensorFlowKeras and TensorFlow
Keras and TensorFlow
 
Hopsworks at Google AI Huddle, Sunnyvale
Hopsworks at Google AI Huddle, SunnyvaleHopsworks at Google AI Huddle, Sunnyvale
Hopsworks at Google AI Huddle, Sunnyvale
 
Meetup tensorframes
Meetup tensorframesMeetup tensorframes
Meetup tensorframes
 
Introduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at BerkeleyIntroduction to TensorFlow, by Machine Learning at Berkeley
Introduction to TensorFlow, by Machine Learning at Berkeley
 
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...
KubeFlow + GPU + Keras/TensorFlow 2.0 + TF Extended (TFX) + Kubernetes + PyTo...
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
 

More from Jeongkyu Shin

머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발Jeongkyu Shin
 
TensorFlow 2: New Era of Developing Deep Learning Models
TensorFlow 2: New Era of Developing Deep Learning ModelsTensorFlow 2: New Era of Developing Deep Learning Models
TensorFlow 2: New Era of Developing Deep Learning ModelsJeongkyu Shin
 
Machine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIMachine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIJeongkyu Shin
 
오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들Jeongkyu Shin
 
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Jeongkyu Shin
 
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개Jeongkyu Shin
 
회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권Jeongkyu Shin
 
TensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubTensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubJeongkyu Shin
 
Google Polymer in Action
Google Polymer in ActionGoogle Polymer in Action
Google Polymer in ActionJeongkyu Shin
 
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Jeongkyu Shin
 
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)Jeongkyu Shin
 
Deep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsDeep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsJeongkyu Shin
 
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)Jeongkyu Shin
 
OSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareOSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareJeongkyu Shin
 
OSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsOSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsJeongkyu Shin
 
OSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectOSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectJeongkyu Shin
 
OSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsOSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsJeongkyu Shin
 
OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)Jeongkyu Shin
 
OSS SW Basics Lecture 06: Software Configuration Management
OSS SW Basics Lecture 06: Software Configuration ManagementOSS SW Basics Lecture 06: Software Configuration Management
OSS SW Basics Lecture 06: Software Configuration ManagementJeongkyu Shin
 
OSS SW Basics Lecture 04: OSS Licenses and documentation
OSS SW Basics Lecture 04: OSS Licenses and documentationOSS SW Basics Lecture 04: OSS Licenses and documentation
OSS SW Basics Lecture 04: OSS Licenses and documentationJeongkyu Shin
 

More from Jeongkyu Shin (20)

머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
 
TensorFlow 2: New Era of Developing Deep Learning Models
TensorFlow 2: New Era of Developing Deep Learning ModelsTensorFlow 2: New Era of Developing Deep Learning Models
TensorFlow 2: New Era of Developing Deep Learning Models
 
Machine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIMachine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AI
 
오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들
 
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
 
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
 
회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권
 
TensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubTensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow Hub
 
Google Polymer in Action
Google Polymer in ActionGoogle Polymer in Action
Google Polymer in Action
 
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
 
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
 
Deep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsDeep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractions
 
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
 
OSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareOSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardware
 
OSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsOSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fields
 
OSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectOSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term project
 
OSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsOSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developments
 
OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)
 
OSS SW Basics Lecture 06: Software Configuration Management
OSS SW Basics Lecture 06: Software Configuration ManagementOSS SW Basics Lecture 06: Software Configuration Management
OSS SW Basics Lecture 06: Software Configuration Management
 
OSS SW Basics Lecture 04: OSS Licenses and documentation
OSS SW Basics Lecture 04: OSS Licenses and documentationOSS SW Basics Lecture 04: OSS Licenses and documentation
OSS SW Basics Lecture 04: OSS Licenses and documentation
 

Recently uploaded

Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxNavinnSomaal
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024The Digital Insurer
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brandgvaughan
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024Stephanie Beckett
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebUiPathCommunity
 
Vector Databases 101 - An introduction to the world of Vector Databases
Vector Databases 101 - An introduction to the world of Vector DatabasesVector Databases 101 - An introduction to the world of Vector Databases
Vector Databases 101 - An introduction to the world of Vector DatabasesZilliz
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Wonjun Hwang
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piececharlottematthew16
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...Fwdays
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr BaganFwdays
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 3652toLead Limited
 
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostLeverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostZilliz
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr LapshynFwdays
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsMiki Katsuragi
 
Anypoint Exchange: It’s Not Just a Repo!
Anypoint Exchange: It’s Not Just a Repo!Anypoint Exchange: It’s Not Just a Repo!
Anypoint Exchange: It’s Not Just a Repo!Manik S Magar
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 

Recently uploaded (20)

Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptx
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brand
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio Web
 
Vector Databases 101 - An introduction to the world of Vector Databases
Vector Databases 101 - An introduction to the world of Vector DatabasesVector Databases 101 - An introduction to the world of Vector Databases
Vector Databases 101 - An introduction to the world of Vector Databases
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piece
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365
 
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostLeverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering Tips
 
Anypoint Exchange: It’s Not Just a Repo!
Anypoint Exchange: It’s Not Just a Repo!Anypoint Exchange: It’s Not Just a Repo!
Anypoint Exchange: It’s Not Just a Repo!
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 

Boosting machine learning workflow with TensorFlow 2.0

  • 1. Boosting machine learning workflow with TensorFlow 2.0 Jeongkyu Shin Lablup Inc. Google Developers Experts (ML/DL)
  • 2. Jeongkyu Shin Lablup Inc. Making open-source machine learning cluster platform: Backend.AI https://www.backend.ai Google Developer Expert ML / DL GDE, Sprint Master
  • 3. Elements: Framework ● TensorFlow 2.0 ● TensorFlow Extended ● TensorFlow Lite ● ML Kit ● TF-Agents ● TF Model Analysis ● TensorFlow Federated ● TF-NSL ● TensorFlow.js ● Swift for TensorFlow ● MLIR
  • 4. TensorFlow An end-to-end open source machine learning platform Easy model building Robust machine learning production Powerful experimentation for research
  • 5. TensorFlow: Summary Statistics > 30,000 commits since Dec. 2015 > 1,400 contributors > 7,000 pull requests > 24,000 forks (last 12 months) > 6,400 TensorFlow related GitHub Current Complete ML model prototyping Distributed training CPU / GPU / TPU / Mobile support TensorFlow Serving Easier inference service XLA compiler (1.0~) Various target platform / performance tuning Keras API Support (1.2~) High-level programming API (Keras-compatible) Eager Execution (1.4~) Interactive mode TensorFlow.Data (1.4~) Pipeline for data sources
  • 6. TensorFlow 2.0 Now in Live! Keras as default grammar Eager Execution as default runtime mode Deprecates session-based execution tf.compat.v1 for legacy codes 2.1 Soon! TPU support is back Mixed precision training
  • 7. TensorFlow 2.0 Consolidate APIs Keep one API for single behavior Increase developer convenience Debug with eager execution Keep performance with AutoGraph Keep namespace consistency Remove global variable references Easier large-scale training Merge distributed TensorFlow features
  • 8. # TensorFlow 1.X outputs = session.run(f(placeholder), feed_dict={placeholder: input}) # TensorFlow 2.0 outputs = f(input) TensorFlow 2.0: Optimization Problems with Session.run () Not a function but works like a function and used like a function Difficult to optimize session code Change Written like regular Python code Decorator changes to optimized TensorFlow code at execution (AutoGraph)
  • 9. @autograph.convert() def my_dynamic_rnn(rnn_cell, input_data, initial_state, seq_len): outputs = tf.TensorArray(tf.float32, input_data.shape[0]) state = initial_state max_seq_len = tf.reduce_max(seq_len) for i in tf.range(max_seq_len): new_output, new_state = rnn_cell(input_data[i], state) output = tf.where(i < seq_len, new_output, tf.zeros_like(new_output)) state = tf.where(i < sequence_length, new_state, state) outputs = outputs.write(i, output) return tf.transpose(outputs.stack(), [1, 0, 2]), state def tf__my_dynamic_rnn(rnn_cell, input_data, initial_state, sequence_length): try: with tf.name_scope('my_dynamic_rnn'): outputs = tf.TensorArray(tf.float32, ag__.get_item(input_data.shape, 0, opts=ag__.GetItemOpts(element_dtype=None))) state = initial_state max_sequence_length = tf.reduce_max(sequence_length) def extra_test(state_1, outputs_1): with tf.name_scope('extra_test'): return True def loop_body(loop_vars, state_1, outputs_1): with tf.name_scope('loop_body'): i = loop_vars new_output, new_state = ag__.converted_call(rnn_cell, True, False, False, {}, ag__.get_item(input_data, i, opts=ag__.GetItemOpts (element_dtype=None)), state_1) output = tf.where(tf.less(i, sequence_length), new_output, tf. zeros(new_output.shape)) state_1 = tf.where(tf.less(i, sequence_length), new_state, state_1) outputs_1 = outputs_1.write(i, output) return state_1, outputs_1 state, outputs = ag__.for_stmt(tf.range(max_sequence_length), extra_test, loop_body, (state, outputs)) return tf.transpose(outputs.stack(), ag__.new_list([1, 0, 2])), state except: ag__.rewrite_graph_construction_error(ag_source_map__)
  • 10. TensorFlow 2.0: Distribution Strategy Supporting Strategies MirroredStrategy (1.11) All-reduce Synchronized training TPUStrategy (1.12) Strategies on Google Cloud CollectiveAllReduceStrategy (2.0) Multi-node based MirroredStrategy ParameterServerStrategy (2.0) TPUStrategy (2.1)
  • 11. Example: MirroredStrategy strategy = tf.distribute.MirroredStrategy() config = tf.estimator.RunConfig( train_distribute=strategy, eval_distribute=strategy) regressor = tf.estimator.LinearRegressor( feature_columns=[tf.feature_column.numeric_column('feats')], optimizer='SGD', config=config) def input_fn(): return tf.data.Dataset.from_tensors(({"feats":[1.]}, [1.])) .repeat(10000).batch(10) regressor.train(input_fn=input_fn, steps=10) regressor.evaluate(input_fn=input_fn, steps=10)
  • 12. Example: MirroredStrategy ResNet50 Training code train_dataset = tf.data.Dataset(...) eval_dataset = tf.data.Dataset(...) model = tf.keras.applications.ResNet50() optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1) model.compile(loss="categorical_crossentropy", optimizer=optimizer) model.fit(train_dataset, epochs=10) model.evaluate(eval_dataset)
  • 13. Example: MirroredStrategy ResNet50 Training code Added MirroredStrategy: other codes are same. train_dataset = tf.data.Dataset(...) eval_dataset = tf.data.Dataset(...) model = tf.keras.applications.ResNet50() optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1) strategy = tf.contrib.distribute.MirroredStrategy() model.compile(loss="categorical_crossentropy", optimizer=optimizer, distribute=strategy) model.fit(train_dataset, epochs=10) model.evaluate(eval_dataset)
  • 14. Machine Learning Pipeline Training is only a small part Different story for production environment Data Ingestion Data Analysis + Validation Data Transformation Trainer Model Evaluation and Validation Serving Logging Shared Utilities for Garbage Collection, Data Access Controls Pipeline Storage Tuner Shared Configuration Framework and Job Orchestration Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization
  • 15. Machine Learning Pipeline Training is only a small part Different story for production environment Diverse environments / situation make it so difficult Data Ingestion Data Analysis + Validation Data Transformation Model Evaluation and Validation Serving Logging Shared Utilities for Garbage Collection, Data Access Controls Pipeline Storage Tuner Shared Configuration Framework and Job Orchestration Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization TensorFlow Core
  • 16. TensorFlow Extended: Before End-to-end machine learning platform by Making pipeline with TensorFlow components Orchestrate various computation resources Data Ingestion Data Transformation Model Evaluation and Validation Logging Shared Utilities for Garbage Collection, Data Access Controls Pipeline Storage Tuner Shared Configuration Framework and Job Orchestration Integrated Frontend for Job Management, Monitoring, Debugging, Data/Model/Evaluation Visualization TensorFlow Core TensorFlow Serving TFDV
  • 17. TensorFlow Extended: Now Data Ingestion TFDV TensorFlow Transform TensorFlow Core TensorFlow Model Analysis TensorFlow Serving Logging Shared Utilities for Garbage Collection, Data Access Controls Pipeline Storage Tuner AirFlow / KubeFlow AirFlow / KubeFlow with various tools End-to-end machine learning platform by Making pipeline with TensorFlow components Orchestrate various computation resources
  • 18. Kubeflow Runtime Example Gen Statistic sGen Schema Gen Example Validator Transform Trainer Evaluator Model Validator Pusher TFX Config Metadata Storage Training + Validation Data TensorFlow Serving TensorFlow Hub TensorFlow Lite TensorFlow JS Airflow Runtime TensorFlow Extended: Overview
  • 20. TensorFlow Lite TensorFlow for on-device environments Simplifies on-device production challenges Limited resources: CPU, memory, power consumption Heterogeneous accelerators: various ASICs Use cases Android devices Google assistant Mobile ML platform
  • 21. TensorFlow Lite with TensorFlow 2.0 Model compatibility TensorFlow 1.X / 2.0 GPU / NPU support Less-buggy TFLite model converter With MLIR
  • 22. ML Kit : ML SDK for diverse environments
  • 23. ML Kit : ML SDK for diverse environments
  • 24. ML Kit : ML SDK for diverse environments Turn-key solution for a specific task Component to help with your own models Server-based powerful features with Firebase +Increases accuracy +More categories -Data network needed
  • 25. ML Kit : ML SDK for diverse environments Will be more network-independent solution On-device SDK: offline-ready Firebase features?
  • 26. TF-Agents: library for reinforcement learning Jupyter Notebook Examples Integration with TensorFlow / pybullet Examples and Docs Supports both TensorFlow 1.14 and 2.0
  • 27. TF-Agents: library for reinforcement learning Jupyter Notebook Examples Integration with TensorFlow / pybullet Examples and Docs Supports both TensorFlow 1.14 and 2.0 Gfootball opensource training env. https://github.com/google- research/football
  • 28.
  • 29. Machine Learning Fairness Transparency Framework Data card Statistics for data bias
  • 31. ML Fairness Part of TensorFlow Model Analysis Automatic bias monitoring Evaluate the performance impact of adjustments Case studies and benchmarks
  • 32. Federated Learning Distributed training with minimal privacy violations Data island + edge computing
  • 33. Federated Learning Save resources / traffic Training without exposing local data Keeping privacy Demo Action / emoticon prediction
  • 34. TensorFlow Federated Federated Learning API Unified Core API Local runtime for simulation *Sources: Federated Learning: Machine Learning on Decentralized Data (Google I/O 19)
  • 35. node.js based server-side training Supports online prebuilt models / new TF Hub TensorFlow.js
  • 36. node.js based server-side training Nvidia GPU support on desktop (driver needed) Supports online prebuilt models / new TF Hub TensorFlow.js
  • 37. TensorFlow Neural Structured Learning My recent interest! Are you familiar with Taxonomy or semantics? How about Semantic Web or Knowledge graph?
  • 38. TensorFlow Neural Structured Learning New learning paradigm Training ‘relationship’ of inputs NSL: Generalized training method to Neural graph learning Adversarial learning
  • 39. TensorFlow Neural Structured Learning import tensorflow as tf import neural_structured_learning as nsl # Prepare data. (x_train, y_train), (x_test, y_test) = tf.keras.datasets.mnist.load_data() x_train, x_test = x_train / 255.0, x_test / 255.0 # Create a base model -- sequential, functional, or subclass. model = tf.keras.Sequential([ tf.keras.Input((28, 28), name='feature'), tf.keras.layers.Flatten(), tf.keras.layers.Dense(128, activation=tf.nn.relu), tf.keras.layers.Dense(10, activation=tf.nn.softmax) ]) # Wrap the model with adversarial regularization. adv_config = nsl.configs.make_adv_reg_config(multiplier=0.2, adv_step_size=0.05) adv_model = nsl.keras.AdversarialRegularization(model, adv_config=adv_config) # Compile, train, and evaluate. adv_model.compile(optimizer='adam’, loss='sparse_categorical_crossentropy’, metrics=['accuracy']) adv_model.fit({'feature': x_train, 'label': y_train}, batch_size=32, epochs=5) adv_model.evaluate({'feature': x_test, 'label': y_test})
  • 40. Swift for TensorFlow Every components with one language Only swift from Backend to Frontend C++ + Python + (TF Lite) + … Swift LLVM-based platform independency support Low huddle (more link pythonic + interpreter mode) Future MLIR: framework-independent ML accelerating with LLVM
  • 41. MLIR “Multi-Level Intermediate Representation" Compiler Infrastructure Global improvements to TensorFlow infrastructure Abstraction layer for accelerators Support Heterogenous, distributed, mobile, custom ASICs Urgency driven by the “end of Moore’s law” As a part of LLVM: Other frameworks can benefit
  • 42. MLIR TensorFlow to TensorFlow Lite Converter First MLIR-based improvements Enhance edge device support by simplifying transforms and expressibility Nov. 2019
  • 43. Elements: Devices ● Coral, Edge TPU ● TPU Pods V3 ● Cloud TPU Pods Beta
  • 44. TitleCoral: Edge TPU based hardware
  • 45. Coral Edge TPU Brand Dev Board / USB Also PCI-E, SOM Software Stack Mendel OS (Debian Fork) Edge TPU compiler for TF Lite model compilation Python SDK
  • 46. Coral: Dev Board CPU i.MX 8M SoC w/ Quad-core A53 GPU Integrated GC7000 Lite GPU TPU Google Edge TPU RAM 1GB LPDDR4 RAM Storage 8 GB eMMC Security/Crypto eMMC secure block for TrustZone MCHP ATECC608A Crypto Chip Power 5V 3A via Type-C connector Connectors USB-C, RJ45, 3.5mm TRRS, HDMI OS Mendel Linux (Debian derivative) Android ML TensorFlow Lite
  • 47. Coral: USB accelerator TPU Google Edge TPU Power 5V 3A via Type-C connector Connectors USB 3.1 (gen 1) via Type-C Supported OS Debian 6.0 or higher / Other Debian derivatives Supported Architectures x86-64, ARMv8 Supported ML TensorFlow Lite
  • 48. Coral: SDK and market I/O `19: New SDK Model compiler for custom model serving Limited ops. Support Competition in Edge AI ASIC market Neural ComputeStick / Jetson Nano RP4 + Add-on More to come!
  • 49.
  • 50. Cloud TPU Pods Full TPU Pod on Google Cloud What topics need these big resources? XLNet (June 2019) Outperforms BERT language model Cloud TPU Pod training (< 2.5 days) 260k US dollar (~312,000,000 won) for 2.5 days use https://arxiv.org/abs/1906.08237
  • 51. Cloud TPU Pods Full TPU Pod on Google Cloud What topics need these big resources? Google T5 (Oct 2019) Unified text-to-text transformer Outperforms XLNet language model (?!) Cloud TPU Pod training (~2 weeks) Guess the cost! https://arxiv.org/abs/1910.10683
  • 52. Elements: Framework ● TensorFlow 2.0 ● TensorFlow Extended ● TensorFlow Lite ● TF-Agents ● ML Kit ● TF Model Analysis ● TensorFlow Federated ● TF-NSL ● TensorFlow.js ● Swift for TensorFlow ● MLIR Elements: Devices ● Coral, Edge TPU ● TPU Pods V3 ● Cloud TPU Pods Beta