SlideShare una empresa de Scribd logo
1 de 23
Descargar para leer sin conexión
TensorFlow 2.0: What’s new?
Poo Kuan Hoong, Ph.D
GDE in Machine Learning
About Me
Poo Kuan Hoong
● Google Developer Expert (GDE) in Machine Learning
● Principal Data Scientist - Coqnitics Sdn Bhd
● Principal Machine Learning Engineer - ADA
● Senior Data Scientist - ASEAN Data Analytics Exchange
(ADAX)
● Senior Manager Data Science – Nielsen
● Senior Lecturer – Multimedia University (MMU)
● Founded and managing Malaysia R User Group &
TensorFlow & Deep Learning Malaysia User Group
TensorFlow & Deep Learning Malaysia
USer Group
https://www.facebook.com/groups/TensorFlowMY/
Questions?
www.sli.do #Q684
Introduction
● TensorFlow’s initial release was 9th November 2015
● TensorFlow has grown to become one of the most loved and widely adopted
ML platforms in the world.
● This community includes:
○ Researchers
○ Developers
○ Companies
TensorFlow has changed alot...
x = tf.placeholder(tf.float32, [None, 200])
W = tf.Variable(tf.zeros([200, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
…
with tf.Session() as sess:
sess.run(tf.initialize_all_variables())
tf.train.start_queue_runners(sess)
example_batch = tf.train.batch([x], batch_size=10, num_threads=4, capacity=10)
max_steps = 1000
for step in range(max_steps):
x_in = sess.run(example_batch)
sess.run(train_step, feed_dict={x: train_data, y_: train_labels})
if (step % 100) == 0:
print(step, sess.run(accuracy, feed_dict={x: test_data, y_: test_labels}))
TensorFlow 2.0
import tensorflow as tf
import tensorflow_datasets as datasets
mnist = datasets.get(‘image_mnist’)
model = tf.keras.models.Sequential([
tf.keras.layers.Flatten(),
tf.keras.layers.Dense(512, activation=tf.nn.relu),
tf.keras.layers.Dropout(0.2),
tf.keras.layers.Dense(10, activation=tf.nn.softmax)
])
model.compile(optimizer='adam',
loss='sparse_categorical_crossentropy',
metrics=['accuracy'],
distribute=tf.distribute.MirroredStrategy())
model.fit(mnist[TRAIN][‘image’], mnist[TRAIN][‘target’], epochs=5)
model.evaluate(mnist[EVAL][‘image’], mnist[EVAL][‘target’])
TensorFlow 2.0 Features
TensorFlow 2.0 will focus on simplicity and ease of use, featuring updates like:
● Easy model building with Keras and eager execution.
● Robust model deployment in production on any platform.
● Powerful experimentation for research.
● Simplifying the API by cleaning up deprecated APIs and reducing duplication.
TensorFlow 2.0 Features
Features
#1 Easy Model Building
● Keras will be the core API to build and train models
● Keras provides several model-building APIs (Sequential, Functional, and
Subclassing)
● TensorFlow’s implementation contains enhancements including eager
execution, for immediate iteration and intuitive debugging, and tf.data, for
building scalable input pipelines.
Features:
● Features:
a. Load your data using tf.data
b. Build, train and validate your model with tf.keras
c. Run and debug with eager execution, then use tf.function for the benefits
of graphs - TensorFlow 2.0 runs with eager execution by default
d. Use Distribution Strategies for distributed training support for a range of
hardware accelerators like CPUs, GPUs, and TPUs
e. Export to SavedModel - interchange format that can be used TensorFlow
Serving, TensorFlow Lite, TensorFlow.js, TensorFlow Hub, and more
* To find out more about eager execution: https://www.youtube.com/watch?v=T8AW0fKP0Hs
#2 Robust model deployment in
production on any platform
● TensorFlow 2.0, we’re improving compatibility and parity across platforms and
components by standardizing exchange formats and aligning APIs.
● Deployment Libraries:
a. TensorFlow Serving: A TensorFlow library allowing models to be served over HTTP/REST or
gRPC/Protocol Buffers
b. TensorFlow Lite: TensorFlow’s lightweight solution for mobile and embedded devices provides
the capability to deploy models on Android, iOS and embedded systems like a Raspberry Pi
and Edge TPUs.
c. TensorFlow.js: Enables deploying models in JavaScript environments, such as in a web
browser or server side through Node.js. TensorFlow.js also supports defining models in
JavaScript and training directly in the web browser using a Keras-like API.
#3: Powerful experimentation for
research
● TensorFlow 2.0 incorporates a number of features that enables the definition
and training
● TensorFlow 2.0 brings several new additions that allow researchers and
advanced users to experiment, using rich extensions like Ragged Tensors,
TensorFlow Probability (TFP), Tensor2Tensor
Differences between TensorFlow 1.x and
2.0
● TensorFlow 2.0 focuses on clean up and modularize the platform based on
semantic versioning
● Here are some of the larger changes coming:
○ Removal of queue runners in favor of tf.data.
○ Removal of graph collections.
○ Changes to how variables are treated.
○ Moving and renaming of API symbols.
○ tf.contrib will be removed from the core TensorFlow repository and build
process.
● A special interest group (SIG) has been formed to maintain and further
develop some of the more important contrib projects
Migration 1.x to 2.0
● There will be a conversion tool which updates TensorFlow 1.x Python code to
use TensorFlow 2.0 compatible APIs, or flags cases where code cannot be
converted automatically.
● Not all changes can be made completely automatically.
● URL:
https://github.com/tensorflow/docs/blob/master/site/en/r2/guide/upgrade.md
TensorFlow 2.0 Timeline
● Roadmap URL: https://www.tensorflow.org/community/roadmap
● TensorFlow 2.0 is available for public preview now.
● For those that can’t wait, you can install it via:
> pip install tf-nightly-2.0-preview
● though probably a good idea to do it in a separate virtual environment.
TensorFlow 2.0 Community
If you are interested to be a contributor/tester:
Be part of the TensorFlow 2.0 testing group:
https://groups.google.com/a/tensorflow.org/forum/#!forum/testing
Or participate in the TensorFlow Developer Group:
https://groups.google.com/a/tensorflow.org/forum/#!forum/developers
Resources
Resources
Tons of resources available online:
● TF 2.0 API Symbol Documentation
● tf tutorials
● tf guide
● TensorFlow Dataset
● TensorFlow Examples: Multiclass classification TensorFlow 2.0 Keras with
Food 101 Dataset
● blog.tensorflow.org
● Seedbank
● And many more...
Poo Kuan Hoong
kuanhoong@gmail.com
http://www.linkedin.com/in/kuanhoong
https://twitter.com/kuanhoong
Tensor flow 2.0  what's new

Más contenido relacionado

Similar a Tensor flow 2.0 what's new

Similar a Tensor flow 2.0 what's new (20)

PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
 
PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
PAPIs LATAM 2019 - Training and deploying ML models with Kubeflow and TensorF...
 
Hadoop training in mumbai
Hadoop training in mumbaiHadoop training in mumbai
Hadoop training in mumbai
 
Introduction to TensorFlow Lite
Introduction to TensorFlow Lite Introduction to TensorFlow Lite
Introduction to TensorFlow Lite
 
Kubeflow: portable and scalable machine learning using Jupyterhub and Kuberne...
Kubeflow: portable and scalable machine learning using Jupyterhub and Kuberne...Kubeflow: portable and scalable machine learning using Jupyterhub and Kuberne...
Kubeflow: portable and scalable machine learning using Jupyterhub and Kuberne...
 
TensorFlow.pptx
TensorFlow.pptxTensorFlow.pptx
TensorFlow.pptx
 
Introduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptxIntroduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptx
 
Benchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworksBenchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworks
 
running Tensorflow in Production
running Tensorflow in Productionrunning Tensorflow in Production
running Tensorflow in Production
 
Hadoop Meetup Jan 2019 - TonY: TensorFlow on YARN and Beyond
Hadoop Meetup Jan 2019 - TonY: TensorFlow on YARN and BeyondHadoop Meetup Jan 2019 - TonY: TensorFlow on YARN and Beyond
Hadoop Meetup Jan 2019 - TonY: TensorFlow on YARN and Beyond
 
TFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU DelegatesTFLite NNAPI and GPU Delegates
TFLite NNAPI and GPU Delegates
 
Kettle: Pentaho Data Integration tool
Kettle: Pentaho Data Integration toolKettle: Pentaho Data Integration tool
Kettle: Pentaho Data Integration tool
 
Onnx at lf oss na 20200629 v5
Onnx at lf oss na 20200629 v5Onnx at lf oss na 20200629 v5
Onnx at lf oss na 20200629 v5
 
TonY: Native support of TensorFlow on Hadoop
TonY: Native support of TensorFlow on HadoopTonY: Native support of TensorFlow on Hadoop
TonY: Native support of TensorFlow on Hadoop
 
PyTorch vs TensorFlow: The Force Is Strong With Which One? | Which One You Sh...
PyTorch vs TensorFlow: The Force Is Strong With Which One? | Which One You Sh...PyTorch vs TensorFlow: The Force Is Strong With Which One? | Which One You Sh...
PyTorch vs TensorFlow: The Force Is Strong With Which One? | Which One You Sh...
 
How to Choose a Deep Learning Framework
How to Choose a Deep Learning FrameworkHow to Choose a Deep Learning Framework
How to Choose a Deep Learning Framework
 
Lean and Collaborative Content - Workshop
Lean and Collaborative Content - WorkshopLean and Collaborative Content - Workshop
Lean and Collaborative Content - Workshop
 
Introduction to MLflow
Introduction to MLflowIntroduction to MLflow
Introduction to MLflow
 
Deep learning with TensorFlow
Deep learning with TensorFlowDeep learning with TensorFlow
Deep learning with TensorFlow
 
DevOps and 5G cloud native solutions supported by Computaris automated testin...
DevOps and 5G cloud native solutions supported by Computaris automated testin...DevOps and 5G cloud native solutions supported by Computaris automated testin...
DevOps and 5G cloud native solutions supported by Computaris automated testin...
 

Más de Poo Kuan Hoong

Más de Poo Kuan Hoong (20)

Build an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBMBuild an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBM
 
The future outlook and the path to be Data Scientist
The future outlook and the path to be Data ScientistThe future outlook and the path to be Data Scientist
The future outlook and the path to be Data Scientist
 
Data Driven Organization and Data Commercialization
Data Driven Organization and Data CommercializationData Driven Organization and Data Commercialization
Data Driven Organization and Data Commercialization
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An Overview
 
Explore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer LearningExplore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer Learning
 
Deep Learning with R
Deep Learning with RDeep Learning with R
Deep Learning with R
 
Explore and have fun with TensorFlow: An introductory to TensorFlow
Explore and have fun with TensorFlow: An introductory	to TensorFlowExplore and have fun with TensorFlow: An introductory	to TensorFlow
Explore and have fun with TensorFlow: An introductory to TensorFlow
 
The path to be a Data Scientist
The path to be a Data ScientistThe path to be a Data Scientist
The path to be a Data Scientist
 
Deep Learning with Microsoft R Open
Deep Learning with Microsoft R OpenDeep Learning with Microsoft R Open
Deep Learning with Microsoft R Open
 
Microsoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community BootcampMicrosoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community Bootcamp
 
Customer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R OpenCustomer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R Open
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
The path to be a data scientist
The path to be a data scientistThe path to be a data scientist
The path to be a data scientist
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 
Big Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep LearningBig Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep Learning
 
Handwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with RHandwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with R
 
An Introduction to Deep Learning
An Introduction to Deep LearningAn Introduction to Deep Learning
An Introduction to Deep Learning
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big data
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
Context Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social MediaContext Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social Media
 

Último

CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
giselly40
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
vu2urc
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
Joaquim Jorge
 

Último (20)

Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
 
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)
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
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...
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
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
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 

Tensor flow 2.0 what's new

  • 1. TensorFlow 2.0: What’s new? Poo Kuan Hoong, Ph.D GDE in Machine Learning
  • 2. About Me Poo Kuan Hoong ● Google Developer Expert (GDE) in Machine Learning ● Principal Data Scientist - Coqnitics Sdn Bhd ● Principal Machine Learning Engineer - ADA ● Senior Data Scientist - ASEAN Data Analytics Exchange (ADAX) ● Senior Manager Data Science – Nielsen ● Senior Lecturer – Multimedia University (MMU) ● Founded and managing Malaysia R User Group & TensorFlow & Deep Learning Malaysia User Group
  • 3. TensorFlow & Deep Learning Malaysia USer Group https://www.facebook.com/groups/TensorFlowMY/
  • 5. Introduction ● TensorFlow’s initial release was 9th November 2015 ● TensorFlow has grown to become one of the most loved and widely adopted ML platforms in the world. ● This community includes: ○ Researchers ○ Developers ○ Companies
  • 6. TensorFlow has changed alot... x = tf.placeholder(tf.float32, [None, 200]) W = tf.Variable(tf.zeros([200, 10])) b = tf.Variable(tf.zeros([10])) y = tf.nn.softmax(tf.matmul(x, W) + b) … with tf.Session() as sess: sess.run(tf.initialize_all_variables()) tf.train.start_queue_runners(sess) example_batch = tf.train.batch([x], batch_size=10, num_threads=4, capacity=10) max_steps = 1000 for step in range(max_steps): x_in = sess.run(example_batch) sess.run(train_step, feed_dict={x: train_data, y_: train_labels}) if (step % 100) == 0: print(step, sess.run(accuracy, feed_dict={x: test_data, y_: test_labels}))
  • 7. TensorFlow 2.0 import tensorflow as tf import tensorflow_datasets as datasets mnist = datasets.get(‘image_mnist’) model = tf.keras.models.Sequential([ tf.keras.layers.Flatten(), tf.keras.layers.Dense(512, activation=tf.nn.relu), tf.keras.layers.Dropout(0.2), tf.keras.layers.Dense(10, activation=tf.nn.softmax) ]) model.compile(optimizer='adam', loss='sparse_categorical_crossentropy', metrics=['accuracy'], distribute=tf.distribute.MirroredStrategy()) model.fit(mnist[TRAIN][‘image’], mnist[TRAIN][‘target’], epochs=5) model.evaluate(mnist[EVAL][‘image’], mnist[EVAL][‘target’])
  • 8. TensorFlow 2.0 Features TensorFlow 2.0 will focus on simplicity and ease of use, featuring updates like: ● Easy model building with Keras and eager execution. ● Robust model deployment in production on any platform. ● Powerful experimentation for research. ● Simplifying the API by cleaning up deprecated APIs and reducing duplication.
  • 11. #1 Easy Model Building ● Keras will be the core API to build and train models ● Keras provides several model-building APIs (Sequential, Functional, and Subclassing) ● TensorFlow’s implementation contains enhancements including eager execution, for immediate iteration and intuitive debugging, and tf.data, for building scalable input pipelines.
  • 12. Features: ● Features: a. Load your data using tf.data b. Build, train and validate your model with tf.keras c. Run and debug with eager execution, then use tf.function for the benefits of graphs - TensorFlow 2.0 runs with eager execution by default d. Use Distribution Strategies for distributed training support for a range of hardware accelerators like CPUs, GPUs, and TPUs e. Export to SavedModel - interchange format that can be used TensorFlow Serving, TensorFlow Lite, TensorFlow.js, TensorFlow Hub, and more * To find out more about eager execution: https://www.youtube.com/watch?v=T8AW0fKP0Hs
  • 13. #2 Robust model deployment in production on any platform ● TensorFlow 2.0, we’re improving compatibility and parity across platforms and components by standardizing exchange formats and aligning APIs. ● Deployment Libraries: a. TensorFlow Serving: A TensorFlow library allowing models to be served over HTTP/REST or gRPC/Protocol Buffers b. TensorFlow Lite: TensorFlow’s lightweight solution for mobile and embedded devices provides the capability to deploy models on Android, iOS and embedded systems like a Raspberry Pi and Edge TPUs. c. TensorFlow.js: Enables deploying models in JavaScript environments, such as in a web browser or server side through Node.js. TensorFlow.js also supports defining models in JavaScript and training directly in the web browser using a Keras-like API.
  • 14. #3: Powerful experimentation for research ● TensorFlow 2.0 incorporates a number of features that enables the definition and training ● TensorFlow 2.0 brings several new additions that allow researchers and advanced users to experiment, using rich extensions like Ragged Tensors, TensorFlow Probability (TFP), Tensor2Tensor
  • 15. Differences between TensorFlow 1.x and 2.0 ● TensorFlow 2.0 focuses on clean up and modularize the platform based on semantic versioning ● Here are some of the larger changes coming: ○ Removal of queue runners in favor of tf.data. ○ Removal of graph collections. ○ Changes to how variables are treated. ○ Moving and renaming of API symbols. ○ tf.contrib will be removed from the core TensorFlow repository and build process. ● A special interest group (SIG) has been formed to maintain and further develop some of the more important contrib projects
  • 16. Migration 1.x to 2.0 ● There will be a conversion tool which updates TensorFlow 1.x Python code to use TensorFlow 2.0 compatible APIs, or flags cases where code cannot be converted automatically. ● Not all changes can be made completely automatically. ● URL: https://github.com/tensorflow/docs/blob/master/site/en/r2/guide/upgrade.md
  • 17.
  • 18. TensorFlow 2.0 Timeline ● Roadmap URL: https://www.tensorflow.org/community/roadmap ● TensorFlow 2.0 is available for public preview now. ● For those that can’t wait, you can install it via: > pip install tf-nightly-2.0-preview ● though probably a good idea to do it in a separate virtual environment.
  • 19. TensorFlow 2.0 Community If you are interested to be a contributor/tester: Be part of the TensorFlow 2.0 testing group: https://groups.google.com/a/tensorflow.org/forum/#!forum/testing Or participate in the TensorFlow Developer Group: https://groups.google.com/a/tensorflow.org/forum/#!forum/developers
  • 21. Resources Tons of resources available online: ● TF 2.0 API Symbol Documentation ● tf tutorials ● tf guide ● TensorFlow Dataset ● TensorFlow Examples: Multiclass classification TensorFlow 2.0 Keras with Food 101 Dataset ● blog.tensorflow.org ● Seedbank ● And many more...