SlideShare una empresa de Scribd logo
1 de 27
Deep Learning Lecture Series
IBM Executive Briefing Center
Austin,TX
Session: Introduction to Tensorflow
Presenter: Clarisse Taaffe-Hedglin
clarisse@us.ibm.com
Executive HPC/HPDA Architect
IBM Systems WW Client Centers
© Copyright IBM Corporation 2016
Session Abstract and Outline
Abstract:
This presentation recaps the reasons why deep learning is so popular today and explores the tools
Data Scientists use. We’ll introduce the more commonly used frameworks and dive into
Tensorflow. We’ll compare and contrast frameworks and key factors that drive framework
selection.
Outline:
ØUnderstand	what	frameworks	are	and	how	they	are	used	by	data	scientists	
Ø Have	more	in	depth	understanding	of	the		Tensorflow framework
Ø See	Tensorflow in	action
To Begin
https://xkcd.com/license.html
3
Why Deep Learning Now?
→ Data
→ Compute
→ Technique
Exploding Data Sources
ImageNet 10,000,000 labeled images
depicting 10,000+ object categories
CIFAR-10 (RBG)
https://quickdraw.withgoogle.com/data
Learned filter for AlexNet, Krizhevsky et al. 2012
MNIST 0-9
300,000 Labeled images
Over 1000 datasets at:
https://www.kaggle.com/datasets
Data & Compute Drive Training & Inference
Training
•Data intensive:
historical data sets
•Compute intensive:
100% accelerated
•Develop a model for use
on the edge as inference
Inference
•Enables the computer
to act in real time
•Low Power
•Out at the edge
Technique Increasing in Complexity
Artificial Neural Networks are evolving
Perceptron
GoogLeNet
Recurrent Neural Network
7
Frameworks Address Technique
Frameworks enable developers to build, implement and maintain
machine learning systems, generate new projects and create new
impactful systems (Models).
Analytics tools and AI frameworks implemented by data science
engineers are often driven by researcher and data scientist preferences
Models Deployed Across All Industries
Automotive	and	
Transportation
Security	and	Public	
Safety
Consumer	Web,	
Mobile,	Retail
Medicine	and	Biology Broadcast,	Media	and	
Entertainment
• Autonomous	driving:
• Pedestrian	detection
• Accident	avoidance
Auto,	trucking,	heavy	
equipment,	Tier	1	
suppliers
• Video	Surveillance
• Image	analysis
• Facial	recognition	and	
detection
Local	and	national	
police,	public	and	
private	safety/	security
• Image	tagging
• Speech	recognition
• Natural	language	
• Sentiment	analysis
Hyperscale web	
companies,	large	
retail	
• Drug	discovery
• Diagnostic	assistance
• Cancer	cell	detection
Pharmaceutical,	Medical	
equipment,	Diagnostic	
labs
• Captioning
• Search
• Recommendations
• Real	time	translation
Consumer	facing	
companies	with	large	
streaming	of	existing	
media,	or	real	time	
content
9
Using a Range of Data Science Software
Tool
%
change
2017
% usage
2016
% usage
Microsoft, CNTK 294% 3.4% 0.9%
Tensorflow 195% 20.2% 6.8%
Microsoft Power BI 84% 10.2% 5.6%
Alteryx 76% 5.3% 3.0%
SQL on Hadoop tools 42% 10.3% 7.3%
Microsoft other tools 40% 2.2% 1.6%
Anaconda 37% 21.8% 16.0%
Caffe 32% 3.1% 2.3%
Orange 30% 4.0% 3.1%
DL4J 30% 2.2% 1.7%
Other Deep Learning Tools 30% 4.8% 3.7%
Microsoft Azure ML 26% 6.4% 5.1%
Source: http://www.kdnuggets.com/2017/05/poll-analytics-data-science-machine-learning-software-leaders.html
Deep Learning tools used by 32% of all
respondents (18% in 2016, 9% in 2015)
© Copyright IBM Corporation 2016
10
Python Libraries for Data Scientists
Keras works with Theano,
Tensorflow, CNTK, and MXNet. R
users can use Keras without having
to switch over to Python. Sharing
models and weights is easier if all
frameworks unify around same API.
Tensorflow and Caffe most
popular + wrappers and
tools for ease of use, rapid
prototyping, reduced/ no
coding or specialized
networks or uses
Source: github and google
TensorFlow Overview
Framework developed by Google (Google Brain Team)
Created for machine learning & deep neural networks research
For numerical computation using data flow graphs
Tensorflow is opensource since Nov 2015, released under the Apache 2.0
https://github.com/tensorflow/tensorflow
Very strong developer/user community: 36,790+ forks, 1,100 Contributors
Written in C++, CUDA, some Python; Python and Matlab interfaces
12
TensorFlow Framework
13
TensorFlow Constructs
Model Development
Learning model described by data flow graphs:
Nodes: represent mathematical operations (a.k.a. ops)
• General purpose
• Neural Net
Edges: represent data in N-D Arrays (Tensors)
Backward graph and update are added automatically to
graph
Inference
Execute forward path on graph
• TensorFlow Core is lowest level API for complete programming control
• Higher level APIs available (e.g. skflow as part of Scikit Learn API)
• Higher level abstractions for common patterns, structures and functionality
© Copyright IBM Corporation 2016
TensorFlow Use Cases and Model Zoo
Wide range of models: Vision, NLP, Text, speech
Used in production by many companies starting with Google (over
2000 projects in 2016), AirBnB, eBay, SAP, Qualcomm, Intel, Uber,
Twitter, General Motors, etc
With growing library of best in class models
© Copyright IBM Corporation 2016
Running Tensorflow
15
Build
Run
Ref: https://www.tensorflow.org/get_started/get_started
Optimizer to minimize loss
Loss (true vs predicted)
Training data and labels
Setup libraries
Repeat training
Initialize and start session to run
Define parameters to train
Hidden layer
Output prediction accuracy
© Copyright IBM Corporation 2016
Navigating www.tensorflow.org and https://github.com/tensorflow/
16
- Install tips
- Getting started and Quickstarts
- API documentation by version
- Programmer’s Guide
- Tutorials
- Community
© Copyright IBM Corporation 2016
Why TensorFlow
Large Community and Google!
Cross platform support of heterogeneous devices for rapid deployment
Efficient computations with GPUs
© Copyright IBM Corporation 2016
Comparing Frameworks
18
Many framework options and
many evaluation criteria – very
dynamic!
Driven by Modeling capabilities:
Interfaces available
Ease of use
Algorithms supported
Ecosystem and support
Model deployment
Cross platform
Metrics can also play a role:
Speed of execution
Resources required (CPU and Memory capacity)
GPU support and performance
Distributed systems capability
http://www.kdnuggets.com/2017/03/getting-started-deep-learning.html
Data Scientist Challenges (Source:NVIDIA)
19
Framework Scalability and Flexibility
Scalability-oriented Flexibility-oriented
▶ Use-cases in mind
▶ New algorithm research
▶ R&D projects for AI products
▶ Problem type
▶ Various specific applications
▶ 10+ k training samples
▶ 1 node with multiple GPUs
▶ Possible bottleneck
▶ Trial-and-error in prototyping
▶ Debugging, profiling & refactoring
▶ (wait time during compilation)
▶ Use-cases in mind
▶ Image/speech recognition system
▶ Fast DL as a service in cloud
▶ Problem type
▶ A few general applications
▶ 10+ million training samples
▶ 10+ nodes cluster w/ fast network
▶ Possible bottleneck
▶ Tuning of well-known algorithms
▶ Distributed computation for
model/data-parallel training
Source: Preferred Networks presentation,
2017 OpenPOWER Developer Congress
© Copyright IBM Corporation 2016
Scalability: Distributed Deep Learning
Problem: Deep learning applications have been
limited by scalability to date. Run your job inside only a
single system, where the number of installed GPUs is
the ceiling on your performance scaling.
Even with the newest Deep Learning frameworks,
performance across servers hasn’t delivered because
the best fabric interfaces aren’t available by default.
Solution: DDL solves these challenges. It
efficiently expands Deep Learning to the
cluster, leverages leading interconnects, &
delivers world-class perf scaling.
Uncap your scaling, and let IBM AI expertise + DDL
bring the right work to the right place for optimal
performance.
Scaling results using Caffe to train a ResNet-50 model using the ImageNet-1K data set on
64 Power Systems servers that have a total of 256 NVIDIA P100 GPU accelerators in them.
© Copyright IBM Corporation 2016
Flexibility: Comparison of Domain Specific Language type
21
DSL	type Example Pros. Cons.
Text	DSL
Caffe (prototext),	CNTK	(NDL)
f:	{	
“A”:	“Variable”,
“B”:		“Variable”,
“C”:	[“B”,	“*”,	“A”],
“ret”:	[“C”,	“+”,	1]
}
• Human-readable	definition
• Non-programmer	can	easily
edit	the	network
• Users	must	study	the	format
• Format	might have	to be	
extended for	new	algorithms
Internal	DSL
Symbolic
Tensorflow, Theano
A	=	Variable(‘A’)
B	=	Variable(‘B’)
C	=	B	*	A
D	=	C	+	Constant(1)
• Static	analysis	at	compile	
• Optimization	before	training
• Easy	to	parallelize
• Users	must	study	special	
syntax	
• May	need	more	efforts to	
implement	new	algorithms
Imperative
Torch, Chainer
a	=	np.ones(10)
b	=	np.ones(10)	*	2
c	=	b	*	a
d	=	c	+	1
• Less	efforts	to	learn	syntax
• Easy	debugging and	profiling
• Suitable for	new algorithms	
with	complex	logic
• Hard to	optimize	in	advance
• Less efficient	in	memory
allocation	and	parallelization	
Source: Preferred Networks presentation,
2017 OpenPOWER Developer Congress
© Copyright IBM Corporation 2016
Graph Build Scheme Differences
22
Caffe, Tensorflow
Run
Define
Network
definition
Computational	
graph
Gradient
function
Parameters
Computational	
graph
Gradient
function
Parameters
Training
data
Update
Loss	&	gradient
Auto differentiation
Define-by-Run
Model
definition
Computationa
l	graph
Gradient
function
Parameters
Training
data
Update
Dynamic			change
Conditions
Chainer, Pytorch
Source: Preferred Networks presentation,
2017 OpenPOWER Developer Congress
© Copyright IBM Corporation 2016
based on:
https://github.com/googledatalab/notebooks/blob/master/samples/TensorFlow/Machine%20Learning%20with%20Financial%20Data.ipynb
23
Demo: Machine Learning with Financial Data
https://developer.ibm.com/linuxonpower/deep-learning-powerai
© Copyright IBM Corporation 2016
In Summary
24
https://xkcd.com/license.html
© Copyright IBM Corporation 2016
| 25
ccenter@us.ibm.com
Engage
with us
today !
© Copyright IBM Corporation 2016
• https://www.nvidia.com/en-us/deep-learning-ai/solutions/
• https://www.tensorflow.org/
• http://download.tensorflow.org/paper/whitepaper2015.pdf
• https://www.youtube.com/watch?v=oZikw5k_2FM&feature=youtu.be&t=61
• http://colah.github.io/posts/2014-07-Conv-Nets-Modular/
• https://github.com/rasbt/pattern_classification, https://github.com/rasbt/python-
machine-learning-book
• https://codelabs.developers.google.com/codelabs/tensorflow-for-poets/#0
• http://www.cs.toronto.edu/~hinton/digits.html
• https://www.wired.com/2015/11/google-open-sourcing-tensorflow-shows-ais-
future-is-data-not-code/
• https://www.udacity.com/course/deep-learning--ud730
• http://www.wildml.com/2015/12/implementing-a-cnn-for-text-classification-in-
tensorflow/
• http://emnlp2014.org/papers/pdf/EMNLP2014194.pdf
• https://github.com/zer0n/deepframeworks
• https://www.slideshare.net/IndrajitPoddar/fast-scalable-easy-machine-learning-
with-openpower-gpus-and-docker
• https://aitopics.org/
Acknowledgements and References

Más contenido relacionado

La actualidad más candente

Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXT
Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXTDriving Enterprise Adoption: Tragedies, Triumphs and Our NEXT
Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXTDataWorks Summit
 
Infrastructure and Tooling - Full Stack Deep Learning
Infrastructure and Tooling - Full Stack Deep LearningInfrastructure and Tooling - Full Stack Deep Learning
Infrastructure and Tooling - Full Stack Deep LearningSergey Karayev
 
IBM Developer Model Asset eXchange
IBM Developer Model Asset eXchangeIBM Developer Model Asset eXchange
IBM Developer Model Asset eXchangeNick Pentreath
 
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...Robert Grossman
 
Big data: Descoberta de conhecimento em ambientes de big data e computação na...
Big data: Descoberta de conhecimento em ambientes de big data e computação na...Big data: Descoberta de conhecimento em ambientes de big data e computação na...
Big data: Descoberta de conhecimento em ambientes de big data e computação na...Rio Info
 
Technology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and BeyondTechnology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and BeyondJames Huang
 
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...Databricks
 
CD4ML and the challenges of testing and quality in ML systems
CD4ML and the challenges of testing and quality in ML systemsCD4ML and the challenges of testing and quality in ML systems
CD4ML and the challenges of testing and quality in ML systemsSeldon
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 Eran Shlomo
 
Seed rl paper review
Seed rl paper reviewSeed rl paper review
Seed rl paper reviewKyoungman Lee
 
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...Joachim Schlosser
 
AISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeAISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeBill Liu
 
First-ever scalable, distributed deep learning architecture using Spark & Tac...
First-ever scalable, distributed deep learning architecture using Spark & Tac...First-ever scalable, distributed deep learning architecture using Spark & Tac...
First-ever scalable, distributed deep learning architecture using Spark & Tac...Arimo, Inc.
 
仕事ではじめる機械学習
仕事ではじめる機械学習仕事ではじめる機械学習
仕事ではじめる機械学習Aki Ariga
 
IBM Cloud Paris meetup 20180213 - Data Science eXperience @scale
IBM Cloud Paris meetup   20180213 - Data Science eXperience @scaleIBM Cloud Paris meetup   20180213 - Data Science eXperience @scale
IBM Cloud Paris meetup 20180213 - Data Science eXperience @scaleIBM France Lab
 
Deep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingDeep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingJan Wiegelmann
 
IBM Cloud Paris Meetup 20180213 - Data Science eXperience et Bigdata
IBM Cloud Paris Meetup   20180213 - Data Science eXperience et BigdataIBM Cloud Paris Meetup   20180213 - Data Science eXperience et Bigdata
IBM Cloud Paris Meetup 20180213 - Data Science eXperience et BigdataIBM France Lab
 
Very large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLVery large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLDESMOND YUEN
 

La actualidad más candente (19)

Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXT
Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXTDriving Enterprise Adoption: Tragedies, Triumphs and Our NEXT
Driving Enterprise Adoption: Tragedies, Triumphs and Our NEXT
 
Infrastructure and Tooling - Full Stack Deep Learning
Infrastructure and Tooling - Full Stack Deep LearningInfrastructure and Tooling - Full Stack Deep Learning
Infrastructure and Tooling - Full Stack Deep Learning
 
IBM Developer Model Asset eXchange
IBM Developer Model Asset eXchangeIBM Developer Model Asset eXchange
IBM Developer Model Asset eXchange
 
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...
AnalyticOps: Lessons Learned Moving Machine-Learning Algorithms to Production...
 
Big data: Descoberta de conhecimento em ambientes de big data e computação na...
Big data: Descoberta de conhecimento em ambientes de big data e computação na...Big data: Descoberta de conhecimento em ambientes de big data e computação na...
Big data: Descoberta de conhecimento em ambientes de big data e computação na...
 
Technology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and BeyondTechnology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and Beyond
 
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...
Deep Learning for Natural Language Processing Using Apache Spark and TensorFl...
 
CD4ML and the challenges of testing and quality in ML systems
CD4ML and the challenges of testing and quality in ML systemsCD4ML and the challenges of testing and quality in ML systems
CD4ML and the challenges of testing and quality in ML systems
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017
 
Seed rl paper review
Seed rl paper reviewSeed rl paper review
Seed rl paper review
 
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...
Den Datenschatz heben und Zeit- und Energieeffizienz steigern: Mathematik und...
 
Ai use cases
Ai use casesAi use cases
Ai use cases
 
AISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeAISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the Edge
 
First-ever scalable, distributed deep learning architecture using Spark & Tac...
First-ever scalable, distributed deep learning architecture using Spark & Tac...First-ever scalable, distributed deep learning architecture using Spark & Tac...
First-ever scalable, distributed deep learning architecture using Spark & Tac...
 
仕事ではじめる機械学習
仕事ではじめる機械学習仕事ではじめる機械学習
仕事ではじめる機械学習
 
IBM Cloud Paris meetup 20180213 - Data Science eXperience @scale
IBM Cloud Paris meetup   20180213 - Data Science eXperience @scaleIBM Cloud Paris meetup   20180213 - Data Science eXperience @scale
IBM Cloud Paris meetup 20180213 - Data Science eXperience @scale
 
Deep Learning for Autonomous Driving
Deep Learning for Autonomous DrivingDeep Learning for Autonomous Driving
Deep Learning for Autonomous Driving
 
IBM Cloud Paris Meetup 20180213 - Data Science eXperience et Bigdata
IBM Cloud Paris Meetup   20180213 - Data Science eXperience et BigdataIBM Cloud Paris Meetup   20180213 - Data Science eXperience et Bigdata
IBM Cloud Paris Meetup 20180213 - Data Science eXperience et Bigdata
 
Very large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLVery large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDL
 

Similar a Austin,TX Meetup presentation tensorflow final oct 26 2017

1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptopRising Media, Inc.
 
Innovation with ai at scale on the edge vt sept 2019 v0
Innovation with ai at scale  on the edge vt sept 2019 v0Innovation with ai at scale  on the edge vt sept 2019 v0
Innovation with ai at scale on the edge vt sept 2019 v0Ganesan Narayanasamy
 
Hadoop training in mumbai
Hadoop training in mumbaiHadoop training in mumbai
Hadoop training in mumbaifaizrashid1995
 
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...Edureka!
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform Seldon
 
Going deep (learning) with tensor flow and quarkus
Going deep (learning) with tensor flow and quarkusGoing deep (learning) with tensor flow and quarkus
Going deep (learning) with tensor flow and quarkusRed Hat Developers
 
Serverless machine learning architectures at Helixa
Serverless machine learning architectures at HelixaServerless machine learning architectures at Helixa
Serverless machine learning architectures at HelixaData Science Milan
 
Benchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworksBenchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworksIJECEIAES
 
Top 7 Frameworks for Integration AI in App Development
Top 7 Frameworks for Integration AI in App DevelopmentTop 7 Frameworks for Integration AI in App Development
Top 7 Frameworks for Integration AI in App DevelopmentInexture Solutions
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016MLconf
 
"Update on Khronos Standards for Vision and Machine Learning," a Presentation...
"Update on Khronos Standards for Vision and Machine Learning," a Presentation..."Update on Khronos Standards for Vision and Machine Learning," a Presentation...
"Update on Khronos Standards for Vision and Machine Learning," a Presentation...Edge AI and Vision Alliance
 
Stefan Geissler kairntech - SDC Nice Apr 2019
Stefan Geissler kairntech - SDC Nice Apr 2019 Stefan Geissler kairntech - SDC Nice Apr 2019
Stefan Geissler kairntech - SDC Nice Apr 2019 Stefan Geißler
 
BDV Webinar Series - Lara - Deep Learning for Everybody
BDV Webinar Series - Lara - Deep Learning for EverybodyBDV Webinar Series - Lara - Deep Learning for Everybody
BDV Webinar Series - Lara - Deep Learning for EverybodyBig Data Value Association
 
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Codemotion
 
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018Codemotion
 
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...Bruno Capuano
 
Your Self-Driving Car - How Did it Get So Smart?
Your Self-Driving Car - How Did it Get So Smart?Your Self-Driving Car - How Did it Get So Smart?
Your Self-Driving Car - How Did it Get So Smart?Hortonworks
 
Scaling up Machine Learning Development
Scaling up Machine Learning DevelopmentScaling up Machine Learning Development
Scaling up Machine Learning DevelopmentMatei Zaharia
 

Similar a Austin,TX Meetup presentation tensorflow final oct 26 2017 (20)

1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptop
 
Innovation with ai at scale on the edge vt sept 2019 v0
Innovation with ai at scale  on the edge vt sept 2019 v0Innovation with ai at scale  on the edge vt sept 2019 v0
Innovation with ai at scale on the edge vt sept 2019 v0
 
Hadoop training in mumbai
Hadoop training in mumbaiHadoop training in mumbai
Hadoop training in mumbai
 
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...
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform
 
Tensorflow Ecosystem
Tensorflow EcosystemTensorflow Ecosystem
Tensorflow Ecosystem
 
Going deep (learning) with tensor flow and quarkus
Going deep (learning) with tensor flow and quarkusGoing deep (learning) with tensor flow and quarkus
Going deep (learning) with tensor flow and quarkus
 
Serverless machine learning architectures at Helixa
Serverless machine learning architectures at HelixaServerless machine learning architectures at Helixa
Serverless machine learning architectures at Helixa
 
Democratize ai with google cloud
Democratize ai with google cloudDemocratize ai with google cloud
Democratize ai with google cloud
 
Benchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworksBenchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworks
 
Top 7 Frameworks for Integration AI in App Development
Top 7 Frameworks for Integration AI in App DevelopmentTop 7 Frameworks for Integration AI in App Development
Top 7 Frameworks for Integration AI in App Development
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
 
"Update on Khronos Standards for Vision and Machine Learning," a Presentation...
"Update on Khronos Standards for Vision and Machine Learning," a Presentation..."Update on Khronos Standards for Vision and Machine Learning," a Presentation...
"Update on Khronos Standards for Vision and Machine Learning," a Presentation...
 
Stefan Geissler kairntech - SDC Nice Apr 2019
Stefan Geissler kairntech - SDC Nice Apr 2019 Stefan Geissler kairntech - SDC Nice Apr 2019
Stefan Geissler kairntech - SDC Nice Apr 2019
 
BDV Webinar Series - Lara - Deep Learning for Everybody
BDV Webinar Series - Lara - Deep Learning for EverybodyBDV Webinar Series - Lara - Deep Learning for Everybody
BDV Webinar Series - Lara - Deep Learning for Everybody
 
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
 
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Amsterdam 2018
 
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
 
Your Self-Driving Car - How Did it Get So Smart?
Your Self-Driving Car - How Did it Get So Smart?Your Self-Driving Car - How Did it Get So Smart?
Your Self-Driving Car - How Did it Get So Smart?
 
Scaling up Machine Learning Development
Scaling up Machine Learning DevelopmentScaling up Machine Learning Development
Scaling up Machine Learning Development
 

Último

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
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Allon Mureinik
 
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 Servicegiselly40
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024Rafal Los
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
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 MenDelhi Call girls
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
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 DevelopmentsTrustArc
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure servicePooja Nehwal
 
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
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
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
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
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 Processorsdebabhi2
 
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j
 

Último (20)

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...
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)
 
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
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
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
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
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
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
 
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
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
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
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
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
 
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
 

Austin,TX Meetup presentation tensorflow final oct 26 2017

  • 1. Deep Learning Lecture Series IBM Executive Briefing Center Austin,TX Session: Introduction to Tensorflow Presenter: Clarisse Taaffe-Hedglin clarisse@us.ibm.com Executive HPC/HPDA Architect IBM Systems WW Client Centers
  • 2. © Copyright IBM Corporation 2016 Session Abstract and Outline Abstract: This presentation recaps the reasons why deep learning is so popular today and explores the tools Data Scientists use. We’ll introduce the more commonly used frameworks and dive into Tensorflow. We’ll compare and contrast frameworks and key factors that drive framework selection. Outline: ØUnderstand what frameworks are and how they are used by data scientists Ø Have more in depth understanding of the Tensorflow framework Ø See Tensorflow in action
  • 4. 3 Why Deep Learning Now? → Data → Compute → Technique
  • 5. Exploding Data Sources ImageNet 10,000,000 labeled images depicting 10,000+ object categories CIFAR-10 (RBG) https://quickdraw.withgoogle.com/data Learned filter for AlexNet, Krizhevsky et al. 2012 MNIST 0-9 300,000 Labeled images Over 1000 datasets at: https://www.kaggle.com/datasets
  • 6. Data & Compute Drive Training & Inference Training •Data intensive: historical data sets •Compute intensive: 100% accelerated •Develop a model for use on the edge as inference Inference •Enables the computer to act in real time •Low Power •Out at the edge
  • 7. Technique Increasing in Complexity Artificial Neural Networks are evolving Perceptron GoogLeNet Recurrent Neural Network
  • 8. 7 Frameworks Address Technique Frameworks enable developers to build, implement and maintain machine learning systems, generate new projects and create new impactful systems (Models). Analytics tools and AI frameworks implemented by data science engineers are often driven by researcher and data scientist preferences
  • 9. Models Deployed Across All Industries Automotive and Transportation Security and Public Safety Consumer Web, Mobile, Retail Medicine and Biology Broadcast, Media and Entertainment • Autonomous driving: • Pedestrian detection • Accident avoidance Auto, trucking, heavy equipment, Tier 1 suppliers • Video Surveillance • Image analysis • Facial recognition and detection Local and national police, public and private safety/ security • Image tagging • Speech recognition • Natural language • Sentiment analysis Hyperscale web companies, large retail • Drug discovery • Diagnostic assistance • Cancer cell detection Pharmaceutical, Medical equipment, Diagnostic labs • Captioning • Search • Recommendations • Real time translation Consumer facing companies with large streaming of existing media, or real time content
  • 10. 9 Using a Range of Data Science Software Tool % change 2017 % usage 2016 % usage Microsoft, CNTK 294% 3.4% 0.9% Tensorflow 195% 20.2% 6.8% Microsoft Power BI 84% 10.2% 5.6% Alteryx 76% 5.3% 3.0% SQL on Hadoop tools 42% 10.3% 7.3% Microsoft other tools 40% 2.2% 1.6% Anaconda 37% 21.8% 16.0% Caffe 32% 3.1% 2.3% Orange 30% 4.0% 3.1% DL4J 30% 2.2% 1.7% Other Deep Learning Tools 30% 4.8% 3.7% Microsoft Azure ML 26% 6.4% 5.1% Source: http://www.kdnuggets.com/2017/05/poll-analytics-data-science-machine-learning-software-leaders.html Deep Learning tools used by 32% of all respondents (18% in 2016, 9% in 2015)
  • 11. © Copyright IBM Corporation 2016 10 Python Libraries for Data Scientists Keras works with Theano, Tensorflow, CNTK, and MXNet. R users can use Keras without having to switch over to Python. Sharing models and weights is easier if all frameworks unify around same API. Tensorflow and Caffe most popular + wrappers and tools for ease of use, rapid prototyping, reduced/ no coding or specialized networks or uses Source: github and google
  • 12. TensorFlow Overview Framework developed by Google (Google Brain Team) Created for machine learning & deep neural networks research For numerical computation using data flow graphs Tensorflow is opensource since Nov 2015, released under the Apache 2.0 https://github.com/tensorflow/tensorflow Very strong developer/user community: 36,790+ forks, 1,100 Contributors Written in C++, CUDA, some Python; Python and Matlab interfaces
  • 14. 13 TensorFlow Constructs Model Development Learning model described by data flow graphs: Nodes: represent mathematical operations (a.k.a. ops) • General purpose • Neural Net Edges: represent data in N-D Arrays (Tensors) Backward graph and update are added automatically to graph Inference Execute forward path on graph • TensorFlow Core is lowest level API for complete programming control • Higher level APIs available (e.g. skflow as part of Scikit Learn API) • Higher level abstractions for common patterns, structures and functionality
  • 15. © Copyright IBM Corporation 2016 TensorFlow Use Cases and Model Zoo Wide range of models: Vision, NLP, Text, speech Used in production by many companies starting with Google (over 2000 projects in 2016), AirBnB, eBay, SAP, Qualcomm, Intel, Uber, Twitter, General Motors, etc With growing library of best in class models
  • 16. © Copyright IBM Corporation 2016 Running Tensorflow 15 Build Run Ref: https://www.tensorflow.org/get_started/get_started Optimizer to minimize loss Loss (true vs predicted) Training data and labels Setup libraries Repeat training Initialize and start session to run Define parameters to train Hidden layer Output prediction accuracy
  • 17. © Copyright IBM Corporation 2016 Navigating www.tensorflow.org and https://github.com/tensorflow/ 16 - Install tips - Getting started and Quickstarts - API documentation by version - Programmer’s Guide - Tutorials - Community
  • 18. © Copyright IBM Corporation 2016 Why TensorFlow Large Community and Google! Cross platform support of heterogeneous devices for rapid deployment Efficient computations with GPUs
  • 19. © Copyright IBM Corporation 2016 Comparing Frameworks 18 Many framework options and many evaluation criteria – very dynamic! Driven by Modeling capabilities: Interfaces available Ease of use Algorithms supported Ecosystem and support Model deployment Cross platform Metrics can also play a role: Speed of execution Resources required (CPU and Memory capacity) GPU support and performance Distributed systems capability http://www.kdnuggets.com/2017/03/getting-started-deep-learning.html Data Scientist Challenges (Source:NVIDIA)
  • 20. 19 Framework Scalability and Flexibility Scalability-oriented Flexibility-oriented ▶ Use-cases in mind ▶ New algorithm research ▶ R&D projects for AI products ▶ Problem type ▶ Various specific applications ▶ 10+ k training samples ▶ 1 node with multiple GPUs ▶ Possible bottleneck ▶ Trial-and-error in prototyping ▶ Debugging, profiling & refactoring ▶ (wait time during compilation) ▶ Use-cases in mind ▶ Image/speech recognition system ▶ Fast DL as a service in cloud ▶ Problem type ▶ A few general applications ▶ 10+ million training samples ▶ 10+ nodes cluster w/ fast network ▶ Possible bottleneck ▶ Tuning of well-known algorithms ▶ Distributed computation for model/data-parallel training Source: Preferred Networks presentation, 2017 OpenPOWER Developer Congress
  • 21. © Copyright IBM Corporation 2016 Scalability: Distributed Deep Learning Problem: Deep learning applications have been limited by scalability to date. Run your job inside only a single system, where the number of installed GPUs is the ceiling on your performance scaling. Even with the newest Deep Learning frameworks, performance across servers hasn’t delivered because the best fabric interfaces aren’t available by default. Solution: DDL solves these challenges. It efficiently expands Deep Learning to the cluster, leverages leading interconnects, & delivers world-class perf scaling. Uncap your scaling, and let IBM AI expertise + DDL bring the right work to the right place for optimal performance. Scaling results using Caffe to train a ResNet-50 model using the ImageNet-1K data set on 64 Power Systems servers that have a total of 256 NVIDIA P100 GPU accelerators in them.
  • 22. © Copyright IBM Corporation 2016 Flexibility: Comparison of Domain Specific Language type 21 DSL type Example Pros. Cons. Text DSL Caffe (prototext), CNTK (NDL) f: { “A”: “Variable”, “B”: “Variable”, “C”: [“B”, “*”, “A”], “ret”: [“C”, “+”, 1] } • Human-readable definition • Non-programmer can easily edit the network • Users must study the format • Format might have to be extended for new algorithms Internal DSL Symbolic Tensorflow, Theano A = Variable(‘A’) B = Variable(‘B’) C = B * A D = C + Constant(1) • Static analysis at compile • Optimization before training • Easy to parallelize • Users must study special syntax • May need more efforts to implement new algorithms Imperative Torch, Chainer a = np.ones(10) b = np.ones(10) * 2 c = b * a d = c + 1 • Less efforts to learn syntax • Easy debugging and profiling • Suitable for new algorithms with complex logic • Hard to optimize in advance • Less efficient in memory allocation and parallelization Source: Preferred Networks presentation, 2017 OpenPOWER Developer Congress
  • 23. © Copyright IBM Corporation 2016 Graph Build Scheme Differences 22 Caffe, Tensorflow Run Define Network definition Computational graph Gradient function Parameters Computational graph Gradient function Parameters Training data Update Loss & gradient Auto differentiation Define-by-Run Model definition Computationa l graph Gradient function Parameters Training data Update Dynamic change Conditions Chainer, Pytorch Source: Preferred Networks presentation, 2017 OpenPOWER Developer Congress
  • 24. © Copyright IBM Corporation 2016 based on: https://github.com/googledatalab/notebooks/blob/master/samples/TensorFlow/Machine%20Learning%20with%20Financial%20Data.ipynb 23 Demo: Machine Learning with Financial Data https://developer.ibm.com/linuxonpower/deep-learning-powerai
  • 25. © Copyright IBM Corporation 2016 In Summary 24 https://xkcd.com/license.html
  • 26. © Copyright IBM Corporation 2016 | 25 ccenter@us.ibm.com Engage with us today !
  • 27. © Copyright IBM Corporation 2016 • https://www.nvidia.com/en-us/deep-learning-ai/solutions/ • https://www.tensorflow.org/ • http://download.tensorflow.org/paper/whitepaper2015.pdf • https://www.youtube.com/watch?v=oZikw5k_2FM&feature=youtu.be&t=61 • http://colah.github.io/posts/2014-07-Conv-Nets-Modular/ • https://github.com/rasbt/pattern_classification, https://github.com/rasbt/python- machine-learning-book • https://codelabs.developers.google.com/codelabs/tensorflow-for-poets/#0 • http://www.cs.toronto.edu/~hinton/digits.html • https://www.wired.com/2015/11/google-open-sourcing-tensorflow-shows-ais- future-is-data-not-code/ • https://www.udacity.com/course/deep-learning--ud730 • http://www.wildml.com/2015/12/implementing-a-cnn-for-text-classification-in- tensorflow/ • http://emnlp2014.org/papers/pdf/EMNLP2014194.pdf • https://github.com/zer0n/deepframeworks • https://www.slideshare.net/IndrajitPoddar/fast-scalable-easy-machine-learning- with-openpower-gpus-and-docker • https://aitopics.org/ Acknowledgements and References