SlideShare a Scribd company logo
Large-Scale Deep Learning for
Intelligent Computer Systems
Jeff Dean
Google Brain team
g.co/brain
In collaboration with many other people at Google
Building Intelligent Products
Building Intelligent Products
Really hard without understanding
Not there yet, but making significant progress
What do I mean by understanding?
What do I mean by understanding?
What do I mean by understanding?
Outline
● Why deep neural networks?
● Examples of using these for solving real problems
● TensorFlow: software infrastructure for our work (and yours!)
● What are different ways you can get started using these?
Google Brain project started in 2011, with a focus on
pushing state-of-the-art in neural networks. Initial
emphasis:
● use large datasets, and
● large amounts of computation
to push boundaries of what is possible in perception and
language understanding
Growing Use of Deep Learning at Google
Android
Apps
drug discovery
Gmail
Image understanding
Maps
Natural language
understanding
Photos
Robotics research
Speech
Translation
YouTube
… many others ...
Across many
products/areas:
# of directories containing model description files
Time
UniqueProjectDirectories
The promise (or wishful dream) of Deep Learning
Speech
Text
Search Queries
Images
Videos
Labels
Entities
Words
Audio
Features
Simple,
Reconfigurable,
High Capacity,
Trainable end-to-end
Building Blocks
Speech
Text
Search Queries
Images
Videos
Labels
Entities
Words
Audio
Features
The promise (or wishful dream) of Deep Learning
Common representations across domains.
Replacing piles of code with
data and simple learning algorithms.
Would merely be an interesting academic exercise…
…if it didn’t work so well!
Speech Recognition
Speech Recognition with Deep Recurrent Neural Networks
Alex Graves, Abdel-rahman Mohamed, Geoffrey Hinton
Convolutional, Long Short-Term Memory, Fully Connected Deep Neural Networks
Tara N. Sainath, Oriol Vinyals, Andrew Senior, Hasim Sak
Object Recognition and Detection
Going Deeper with Convolutions
Christian Szegedy, Wei Liu, Yangqing Jia, Pierre Sermanet, Scott Reed,
Dragomir Anguelov, Dumitru Erhan, Vincent Vanhoucke, Andrew Rabinovich
Scalable Object Detection using Deep Neural Networks
Dumitru Erhan, Christian Szegedy, Alexander Toshev, Dragomir Anguelov
In Research and Industry
In Research and Industry
Machine Translation
Sequence to Sequence Learning with Neural Networks
Ilya Sutskever, Oriol Vinyals, Quoc V. Le
Neural Machine Translation by Jointly Learning to Align and Translate
Dzmitry Bahdanau, Kyunghyun Cho, Yoshua Bengio
Language Modeling
One Billion Word Benchmark for Measuring Progress in Statistical Language Modeling
Ciprian Chelba, Tomas Mikolov, Mike Schuster, Qi Ge, Thorsten Brants, Phillipp Koehn, Tony Robinson
Parsing
Grammar as a Foreign Language
Oriol Vinyals, Lukasz Kaiser, Terry Koo, Slav Petrov, Ilya Sutskever, Geoffrey Hinton
Neural Networks
“cat”
● A powerful class of machine learning model
● Modern reincarnation of artificial neural networks
● Collection of simple, trainable mathematical functions
● Compatible with many variants of machine learning
What is Deep Learning?
“cat”
● Loosely based on
(what little) we know
about the brain
What is Deep Learning?
ConvNets
Learning algorithm
While not done:
Pick a random training example “(input, label)”
Run neural network on “input”
Adjust weights on edges to make output closer to “label”
Learning algorithm
While not done:
Pick a random training example “(input, label)”
Run neural network on “input”
Adjust weights on edges to make output closer to “label”
Plenty of raw data
● Text: trillions of words of English + other languages
● Visual data: billions of images and videos
● Audio: tens of thousands of hours of speech per day
● User activity: queries, marking messages spam, etc.
● Knowledge graph: billions of labelled relation triples
● ...
How can we build systems that truly understand this data?
Important Property of Neural Networks
Results get better with
more data +
bigger models +
more computation
(Better algorithms, new insights and improved
techniques always help, too!)
What are some ways that
deep learning is having
a significant impact at Google?
“How cold is
it outside?”
Deep
Recurrent
Neural Network
Acoustic Input Text Output
Reduced word errors by more than 30%
Speech Recognition
Google Research Blog - August 2012, August 2015
ImageNet
Challenge
Given an image,
predict one of 1000
different classes
Image credit:
www.cs.toronto.
edu/~fritz/absps/imagene
t.pdf
The Inception Architecture (GoogLeNet, 2014)
Going Deeper with Convolutions
Christian Szegedy, Wei Liu, Yangqing Jia, Pierre Sermanet, Scott Reed, Dragomir Anguelov,
Dumitru Erhan, Vincent Vanhoucke, Andrew Rabinovich
ArXiv 2014, CVPR 2015
Team Year Place Error (top-5)
XRCE (pre-neural-net explosion) 2011 1st 25.8%
Supervision (AlexNet) 2012 1st 16.4%
Clarifai 2013 1st 11.7%
GoogLeNet (Inception) 2014 1st 6.66%
Andrej Karpathy (human) 2014 N/A 5.1%
BN-Inception (Arxiv) 2015 N/A 4.9%
Inception-v3 (Arxiv) 2015 N/A 3.46%
Neural Nets: Rapid Progress in Image Recognition
ImageNet
challenge
classification
task
Good Fine-Grained Classification
Good Generalization
Both recognized as “meal”
Sensible Errors
“ocean”
Deep
Convolutional
Neural Network
Your Photo
Automatic Tag
Search personal photos without tags.
Google Photos Search
Google Research Blog - June 2013
Google Photos Search
Google Photos Search
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keynote Presentation from Google
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keynote Presentation from Google
Image Captions
W __ A young girl
A young girl asleep[Vinyals et al., CVPR 2015]
Model: A close up of a child
holding a stuffed animal.
Human: A young girl asleep on
the sofa cuddling a stuffed
bear.
Model: A baby is asleep next to
a teddy bear.
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keynote Presentation from Google
Combined Vision + Translation
What do you want in a machine learning system?
● Ease of expression: for lots of crazy ML ideas/algorithms
● Scalability: can run experiments quickly
● Portability: can run on wide variety of platforms
● Reproducibility: easy to share and reproduce research
● Production readiness: go from research to real products
TensorFlow:
Second Generation Deep Learning System
http://tensorflow.org/
and
https://github.com/tensorflow/tensorflow
If we like it, wouldn’t the rest of the world like it, too?
Open sourced single-machine TensorFlow on Monday, Nov. 9th, 2015
● Flexible Apache 2.0 open source licensing
● Updates for distributed implementation coming soon
http://tensorflow.org/
http://tensorflow.org/whitepaper2015.pdf
https://github.com/tensorflow/tensorflow
Source on GitHub
Motivations
DistBelief (1st system) was great for scalability, and
production training of basic kinds of models
Not as flexible as we wanted for research purposes
Better understanding of problem space allowed us to
make some dramatic simplifications
TensorFlow: Expressing High-Level ML Computations
● Core in C++
○ Very low overhead
Core TensorFlow Execution System
CPU GPU Android iOS ...
TensorFlow: Expressing High-Level ML Computations
● Core in C++
○ Very low overhead
● Different front ends for specifying/driving the computation
○ Python and C++ today, easy to add more
Core TensorFlow Execution System
CPU GPU Android iOS ...
TensorFlow: Expressing High-Level ML Computations
● Core in C++
○ Very low overhead
● Different front ends for specifying/driving the computation
○ Python and C++ today, easy to add more
Core TensorFlow Execution System
CPU GPU Android iOS ...
C++ front end Python front end ...
MatMul
Add Relu
biases
weights
examples
labels
Xent
Graph of Nodes, also called Operations or ops.
Computation is a dataflow graph
with tensors
MatMul
Add Relu
biases
weights
examples
labels
Xent
Edges are N-dimensional arrays: Tensors
Computation is a dataflow graph
with state
Add Mul
biases
...
learning rate
−=...
'Biases' is a variable −= updates biasesSome ops compute gradients
Computation is a dataflow graph
Device A Device B
distributed
Add Mul
biases
...
learning rate
−=...
Devices: Processes, Machines, GPUs, etc
Computation is a dataflow graph
Automatically runs models on range of platforms:
from phones ...
to single machines (CPU and/or GPUs) …
to distributed systems of many 100s of GPU cards
TensorFlow: Expressing High-Level ML Computations
Mobile and Embedded Deployment Desires
● Execution efficiency
● Low power consumption
● Modest size requirements
Quantization: Using Low Precision Integer Math
● Train using 32-bit floats, and after training, convert
parameters to quantized 8-bit integer representations
● We have used this in many different applications:
○ Very minor losses in overall model accuracy. E.g.:
■ ~77% top-1 accuracy for image model with 32-bit float,
~76% top-1 accuracy with 8-bit quantized integers
○ 8-bit math gives close to 4X speedup and 4X reduction in model size
○ Saves considerable power, as well
gemmlowp
Support for this open-sourced in gemmlowp package:
https://github.com/google/gemmlowp
Efficient GEMM implementations for ARM and x86
Ongoing performance work to make it even better
TensorFlow and Quantized Models
Support for quantized integer kernels
Automated tool coming shortly to
tensorflow/contrib/quantization/quantize_graph
Converts TensorFlow model/graph trained using 32-bit floats
● Emits new graph and associated parameter checkpoint
● Uses quantized ops where equivalent ops exist
● Falls back to float when no equivalent quantized op exists
TensorFlow and Mobile Execution
● Android support already there
○ Example app in TensorFlow GitHub repository under:
■ tensorflow/examples/android/...
● iOS support coming shortly:
○ https://github.
com/tensorflow/tensorflow/issues/16
○ https://github.com/tensorflow/tensorflow/pull/1631
To Learn More
● Attend Pete Warden’s talk tomorrow (Tuesday, May 3),
10:30 to 11:15 AM
“TensorFlow: Enabling Mobile and Embedded Machine Intelligence”
http://www.embedded-vision.com/summit/tensorflow-enabling-mobile-and-embedded-machine-intelligence
How Can You Get Started with Machine Learning?
Four ways, with varying complexity:
(1) Use a Cloud-based API (Vision, Speech, etc.)
(2) Run your own pretrained model
(3) Use an existing model architecture, and
retrain it or fine tune on your dataset
(4) Develop your own machine learning models
for new problems
More
flexible,
but more
effort
required
(1) Use Cloud-based APIs
cloud.google.com/translate
cloud.google.com/speech
cloud.google.com/vision
cloud.google.com/text
(1) Use Cloud-based APIs
cloud.google.com/translate
cloud.google.com/speech
cloud.google.com/vision
cloud.google.com/text
Google Cloud Vision API
https://cloud.google.com/vision/
Google Cloud Vision API demo
(2) Using a Pre-trained Image Model with TensorFlow
www.tensorflow.org/tutorials/image_recognition/index.html
Using a Pre-trained Image Model with TensorFlow on Android
https://github.com/tensorflow/tensorflow/tree/master/tensorflow/examples/android
(3) Training a Model on Your Own Image Data
www.tensorflow.org/versions/master/how_tos/image_retraining/index.html
(4) Develop your own machine learning models
https://www.tensorflow.org/versions/master/get_started/basic_usage.html
What Does the Future Hold?
Deep learning usage will continue to grow and accelerate:
● Across more and more fields and problems:
○ robotics, self-driving vehicles, ...
○ health care
○ video understanding
○ dialogue systems
○ personal assistance
○ ...
Combining Vision with Robotics
“Deep Learning for Robots: Learning
from Large-Scale Interaction”, Google
Research Blog, March, 2016
“Learning Hand-Eye Coordination for
Robotic Grasping with Deep Learning
and Large-Scale Data Collection”,
Sergey Levine, Peter Pastor, Alex
Krizhevsky, & Deirdre Quillen,
Arxiv, arxiv.org/abs/1603.02199
Conclusions
Deep neural networks are making significant strides in understanding:
In speech, vision, language, search, …
If you’re not considering how to use deep neural nets to solve your vision or
understanding problems, you almost certainly should be
Pre-trained models or pre-trained APIs are a low overhead way of starting to
explore
TensorFlow makes it easy for everyone to experiment with these techniques
● Highly scalable design allows faster experiments, accelerates research
● Easy to share models and to publish code to give reproducible results
● Ability to go from research to production within same system
Further Reading
● Le, Ranzato, Monga, Devin, Chen, Corrado, Dean, & Ng. Building High-Level Features
Using Large Scale Unsupervised Learning, ICML 2012. research.google.
com/archive/unsupervised_icml2012.html
● Dean, et al., Large Scale Distributed Deep Networks, NIPS 2012, research.google.
com/archive/large_deep_networks_nips2012.html.
● Sutskever, Vinyals, & Le, Sequence to Sequence Learning with Neural Networks, NIPS,
2014, arxiv.org/abs/1409.3215.
● Vinyals, Toshev, Bengio, & Erhan. Show and Tell: A Neural Image Caption Generator.
CVPR 2015. arxiv.org/abs/1411.4555
● Szegedy, Vanhoucke, Ioffe, Shlens, & Wojna. Rethinking the Inception Architecture for
Computer Vision. arxiv.org/abs/1512.00567
● TensorFlow white paper, tensorflow.org/whitepaper2015.pdf (clickable links in bibliography)
research.google.com/people/jeff
research.google.com/pubs/MachineIntelligence.html
Questions?

More Related Content

What's hot (20)

PPTX
Deep learning presentation
Tunde Ajose-Ismail
 
PDF
LLMs Bootcamp
Fiza987241
 
PDF
Large Language Models Bootcamp
Data Science Dojo
 
PDF
Generative AI
All Things Open
 
PDF
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
AI Frontiers
 
PPT
Cross language information retrieval (clir)slide
Mohd Iqbal Al-farabi
 
PDF
Explainable AI
Dinesh V
 
PPTX
Machine learning libraries with python
VishalBisht9217
 
PDF
Generative Models and ChatGPT
Loic Merckel
 
PDF
Natural Language Processing
CloudxLab
 
PPTX
Generative adversarial networks
Ding Li
 
PPTX
Generative AI, WiDS 2023.pptx
Colleen Farrelly
 
PPTX
NLP State of the Art | BERT
shaurya uppal
 
PPTX
Deep learning
Ratnakar Pandey
 
PDF
GPT-2: Language Models are Unsupervised Multitask Learners
Young Seok Kim
 
PDF
Natural Language Processing (NLP)
Yuriy Guts
 
PDF
Let's talk about GPT: A crash course in Generative AI for researchers
Steven Van Vaerenbergh
 
PDF
The fundamentals of Machine Learning
Hichem Felouat
 
PDF
Deep Learning: Application Landscape - March 2018
Grigory Sapunov
 
PDF
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
ssuser4edc93
 
Deep learning presentation
Tunde Ajose-Ismail
 
LLMs Bootcamp
Fiza987241
 
Large Language Models Bootcamp
Data Science Dojo
 
Generative AI
All Things Open
 
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
AI Frontiers
 
Cross language information retrieval (clir)slide
Mohd Iqbal Al-farabi
 
Explainable AI
Dinesh V
 
Machine learning libraries with python
VishalBisht9217
 
Generative Models and ChatGPT
Loic Merckel
 
Natural Language Processing
CloudxLab
 
Generative adversarial networks
Ding Li
 
Generative AI, WiDS 2023.pptx
Colleen Farrelly
 
NLP State of the Art | BERT
shaurya uppal
 
Deep learning
Ratnakar Pandey
 
GPT-2: Language Models are Unsupervised Multitask Learners
Young Seok Kim
 
Natural Language Processing (NLP)
Yuriy Guts
 
Let's talk about GPT: A crash course in Generative AI for researchers
Steven Van Vaerenbergh
 
The fundamentals of Machine Learning
Hichem Felouat
 
Deep Learning: Application Landscape - March 2018
Grigory Sapunov
 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
ssuser4edc93
 

Viewers also liked (20)

PDF
"Image and Video Summarization," a Presentation from the University of Washin...
Edge AI and Vision Alliance
 
PDF
Large Scale Deep Learning with TensorFlow
Jen Aman
 
PPTX
SharePoint 2010 as an effective Learning Gateway
Mike Herrity
 
PDF
"Memory Innovation for Embedded Vision Systems," a Presentation from Samsung ...
Edge AI and Vision Alliance
 
PDF
Deep learning review
Manas Gaur
 
PPTX
20151223application of deep learning in basic bio
Charlene Hsuan-Lin Her
 
PPTX
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Impetus Technologies
 
DOCX
Boosting conversion rates on ecommerce using deep learning algorithms
Armando Vieira
 
PDF
Spark Based Distributed Deep Learning Framework For Big Data Applications
Humoyun Ahmedov
 
PPTX
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Sujit Pal
 
PPT
Deep Learning Jeff-Shomaker_1-20-17_Final_
Jeffrey Shomaker
 
PDF
E-commerce product classification with deep learning
Christopher Bonnett Ph.D
 
PPTX
What Deep Learning Means for Artificial Intelligence
Jonathan Mugan
 
PDF
"Using SGEMM and FFTs to Accelerate Deep Learning," a Presentation from ARM
Edge AI and Vision Alliance
 
PPTX
OCR processing with deep learning: Apply to Vietnamese documents
Viet-Trung TRAN
 
PDF
Apache spark - Spark's distributed programming model
Martin Zapletal
 
PDF
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
PAPIs.io
 
PPTX
A.Levenchuk -- Machine learning engineering
Anatoly Levenchuk
 
PDF
Deep learning presentation
Baptiste Wicht
 
PDF
Machine Intelligence at Google Scale: TensorFlow
DataWorks Summit/Hadoop Summit
 
"Image and Video Summarization," a Presentation from the University of Washin...
Edge AI and Vision Alliance
 
Large Scale Deep Learning with TensorFlow
Jen Aman
 
SharePoint 2010 as an effective Learning Gateway
Mike Herrity
 
"Memory Innovation for Embedded Vision Systems," a Presentation from Samsung ...
Edge AI and Vision Alliance
 
Deep learning review
Manas Gaur
 
20151223application of deep learning in basic bio
Charlene Hsuan-Lin Her
 
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Impetus Technologies
 
Boosting conversion rates on ecommerce using deep learning algorithms
Armando Vieira
 
Spark Based Distributed Deep Learning Framework For Big Data Applications
Humoyun Ahmedov
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Sujit Pal
 
Deep Learning Jeff-Shomaker_1-20-17_Final_
Jeffrey Shomaker
 
E-commerce product classification with deep learning
Christopher Bonnett Ph.D
 
What Deep Learning Means for Artificial Intelligence
Jonathan Mugan
 
"Using SGEMM and FFTs to Accelerate Deep Learning," a Presentation from ARM
Edge AI and Vision Alliance
 
OCR processing with deep learning: Apply to Vietnamese documents
Viet-Trung TRAN
 
Apache spark - Spark's distributed programming model
Martin Zapletal
 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
PAPIs.io
 
A.Levenchuk -- Machine learning engineering
Anatoly Levenchuk
 
Deep learning presentation
Baptiste Wicht
 
Machine Intelligence at Google Scale: TensorFlow
DataWorks Summit/Hadoop Summit
 
Ad

Similar to "Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keynote Presentation from Google (20)

PDF
building intelligent systems with large scale deep learning
mustafa sarac
 
PDF
Introducing TensorFlow: The game changer in building "intelligent" applications
Rokesh Jankie
 
PPTX
Deep Learning Jump Start
Michele Toni
 
PDF
Open source ai_technical_trend
Mario Cho
 
PPTX
Deep Learning on Qubole Data Platform
Shivaji Dutta
 
PDF
Kaz Sato, Evangelist, Google at MLconf ATL 2016
MLconf
 
PPTX
Introduction to deep learning
Abhishek Bhandwaldar
 
PPTX
Deep Learning Tutorial
Amr Rashed
 
PPTX
Deep learning tutorial 9/2019
Amr Rashed
 
PPTX
Introduction to deep learning
doppenhe
 
PDF
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
양 한빛
 
PDF
Deep Learning in a nutshell
HopeBay Technologies, Inc.
 
PDF
Google Cloud Platform Empowers TensorFlow and Machine Learning
DataWorks Summit/Hadoop Summit
 
PPT
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
PPT
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
PPTX
Understanding deep learning
Dr. Stylianos Kampakis
 
PPT
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
PPTX
Deep Learning for Artificial Intelligence (AI)
Er. Shiva K. Shrestha
 
PDF
Deep Domain
Zachary S. Brown
 
PDF
A Platform for Accelerating Machine Learning Applications
NVIDIA Taiwan
 
building intelligent systems with large scale deep learning
mustafa sarac
 
Introducing TensorFlow: The game changer in building "intelligent" applications
Rokesh Jankie
 
Deep Learning Jump Start
Michele Toni
 
Open source ai_technical_trend
Mario Cho
 
Deep Learning on Qubole Data Platform
Shivaji Dutta
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
MLconf
 
Introduction to deep learning
Abhishek Bhandwaldar
 
Deep Learning Tutorial
Amr Rashed
 
Deep learning tutorial 9/2019
Amr Rashed
 
Introduction to deep learning
doppenhe
 
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
양 한빛
 
Deep Learning in a nutshell
HopeBay Technologies, Inc.
 
Google Cloud Platform Empowers TensorFlow and Machine Learning
DataWorks Summit/Hadoop Summit
 
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
Understanding deep learning
Dr. Stylianos Kampakis
 
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
Deep Learning for Artificial Intelligence (AI)
Er. Shiva K. Shrestha
 
Deep Domain
Zachary S. Brown
 
A Platform for Accelerating Machine Learning Applications
NVIDIA Taiwan
 
Ad

More from Edge AI and Vision Alliance (20)

PDF
“NPU IP Hardware Shaped Through Software and Use-case Analysis,” a Presentati...
Edge AI and Vision Alliance
 
PDF
“Voice Interfaces on a Budget: Building Real-time Speech Recognition on Low-c...
Edge AI and Vision Alliance
 
PDF
“Computer Vision at Sea: Automated Fish Tracking for Sustainable Fishing,” a ...
Edge AI and Vision Alliance
 
PDF
“Squinting Vision Pipelines: Detecting and Correcting Errors in Vision Models...
Edge AI and Vision Alliance
 
PDF
“ONNX and Python to C++: State-of-the-art Graph Compilation,” a Presentation ...
Edge AI and Vision Alliance
 
PDF
“Beyond the Demo: Turning Computer Vision Prototypes into Scalable, Cost-effe...
Edge AI and Vision Alliance
 
PDF
“Running Accelerated CNNs on Low-power Microcontrollers Using Arm Ethos-U55, ...
Edge AI and Vision Alliance
 
PDF
“Scaling i.MX Applications Processors’ Native Edge AI with Discrete AI Accele...
Edge AI and Vision Alliance
 
PDF
“A Re-imagination of Embedded Vision System Design,” a Presentation from Imag...
Edge AI and Vision Alliance
 
PDF
“MPU+: A Transformative Solution for Next-Gen AI at the Edge,” a Presentation...
Edge AI and Vision Alliance
 
PDF
“Evolving Inference Processor Software Stacks to Support LLMs,” a Presentatio...
Edge AI and Vision Alliance
 
PDF
“Efficiently Registering Depth and RGB Images,” a Presentation from eInfochips
Edge AI and Vision Alliance
 
PDF
“How to Right-size and Future-proof a Container-first Edge AI Infrastructure,...
Edge AI and Vision Alliance
 
PDF
“Image Tokenization for Distributed Neural Cascades,” a Presentation from Goo...
Edge AI and Vision Alliance
 
PDF
“Key Requirements to Successfully Implement Generative AI in Edge Devices—Opt...
Edge AI and Vision Alliance
 
PDF
“Bridging the Gap: Streamlining the Process of Deploying AI onto Processors,”...
Edge AI and Vision Alliance
 
PDF
“From Enterprise to Makers: Driving Vision AI Innovation at the Extreme Edge,...
Edge AI and Vision Alliance
 
PDF
“Addressing Evolving AI Model Challenges Through Memory and Storage,” a Prese...
Edge AI and Vision Alliance
 
PDF
“Why It’s Critical to Have an Integrated Development Methodology for Edge AI,...
Edge AI and Vision Alliance
 
PDF
“Solving Tomorrow’s AI Problems Today with Cadence’s Newest Processor,” a Pre...
Edge AI and Vision Alliance
 
“NPU IP Hardware Shaped Through Software and Use-case Analysis,” a Presentati...
Edge AI and Vision Alliance
 
“Voice Interfaces on a Budget: Building Real-time Speech Recognition on Low-c...
Edge AI and Vision Alliance
 
“Computer Vision at Sea: Automated Fish Tracking for Sustainable Fishing,” a ...
Edge AI and Vision Alliance
 
“Squinting Vision Pipelines: Detecting and Correcting Errors in Vision Models...
Edge AI and Vision Alliance
 
“ONNX and Python to C++: State-of-the-art Graph Compilation,” a Presentation ...
Edge AI and Vision Alliance
 
“Beyond the Demo: Turning Computer Vision Prototypes into Scalable, Cost-effe...
Edge AI and Vision Alliance
 
“Running Accelerated CNNs on Low-power Microcontrollers Using Arm Ethos-U55, ...
Edge AI and Vision Alliance
 
“Scaling i.MX Applications Processors’ Native Edge AI with Discrete AI Accele...
Edge AI and Vision Alliance
 
“A Re-imagination of Embedded Vision System Design,” a Presentation from Imag...
Edge AI and Vision Alliance
 
“MPU+: A Transformative Solution for Next-Gen AI at the Edge,” a Presentation...
Edge AI and Vision Alliance
 
“Evolving Inference Processor Software Stacks to Support LLMs,” a Presentatio...
Edge AI and Vision Alliance
 
“Efficiently Registering Depth and RGB Images,” a Presentation from eInfochips
Edge AI and Vision Alliance
 
“How to Right-size and Future-proof a Container-first Edge AI Infrastructure,...
Edge AI and Vision Alliance
 
“Image Tokenization for Distributed Neural Cascades,” a Presentation from Goo...
Edge AI and Vision Alliance
 
“Key Requirements to Successfully Implement Generative AI in Edge Devices—Opt...
Edge AI and Vision Alliance
 
“Bridging the Gap: Streamlining the Process of Deploying AI onto Processors,”...
Edge AI and Vision Alliance
 
“From Enterprise to Makers: Driving Vision AI Innovation at the Extreme Edge,...
Edge AI and Vision Alliance
 
“Addressing Evolving AI Model Challenges Through Memory and Storage,” a Prese...
Edge AI and Vision Alliance
 
“Why It’s Critical to Have an Integrated Development Methodology for Edge AI,...
Edge AI and Vision Alliance
 
“Solving Tomorrow’s AI Problems Today with Cadence’s Newest Processor,” a Pre...
Edge AI and Vision Alliance
 

Recently uploaded (20)

PDF
DevBcn - Building 10x Organizations Using Modern Productivity Metrics
Justin Reock
 
PPTX
Q2 FY26 Tableau User Group Leader Quarterly Call
lward7
 
PPTX
Webinar: Introduction to LF Energy EVerest
DanBrown980551
 
PPTX
AI Penetration Testing Essentials: A Cybersecurity Guide for 2025
defencerabbit Team
 
PDF
Building Real-Time Digital Twins with IBM Maximo & ArcGIS Indoors
Safe Software
 
PDF
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
PDF
From Code to Challenge: Crafting Skill-Based Games That Engage and Reward
aiyshauae
 
PDF
LLMs.txt: Easily Control How AI Crawls Your Site
Keploy
 
PDF
HubSpot Main Hub: A Unified Growth Platform
Jaswinder Singh
 
PPTX
"Autonomy of LLM Agents: Current State and Future Prospects", Oles` Petriv
Fwdays
 
PDF
Chris Elwell Woburn, MA - Passionate About IT Innovation
Chris Elwell Woburn, MA
 
PDF
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
PDF
July Patch Tuesday
Ivanti
 
PDF
Bitcoin for Millennials podcast with Bram, Power Laws of Bitcoin
Stephen Perrenod
 
PDF
Transcript: New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
PPTX
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
PDF
Achieving Consistent and Reliable AI Code Generation - Medusa AI
medusaaico
 
PDF
[Newgen] NewgenONE Marvin Brochure 1.pdf
darshakparmar
 
PDF
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
PDF
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 
DevBcn - Building 10x Organizations Using Modern Productivity Metrics
Justin Reock
 
Q2 FY26 Tableau User Group Leader Quarterly Call
lward7
 
Webinar: Introduction to LF Energy EVerest
DanBrown980551
 
AI Penetration Testing Essentials: A Cybersecurity Guide for 2025
defencerabbit Team
 
Building Real-Time Digital Twins with IBM Maximo & ArcGIS Indoors
Safe Software
 
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
From Code to Challenge: Crafting Skill-Based Games That Engage and Reward
aiyshauae
 
LLMs.txt: Easily Control How AI Crawls Your Site
Keploy
 
HubSpot Main Hub: A Unified Growth Platform
Jaswinder Singh
 
"Autonomy of LLM Agents: Current State and Future Prospects", Oles` Petriv
Fwdays
 
Chris Elwell Woburn, MA - Passionate About IT Innovation
Chris Elwell Woburn, MA
 
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
July Patch Tuesday
Ivanti
 
Bitcoin for Millennials podcast with Bram, Power Laws of Bitcoin
Stephen Perrenod
 
Transcript: New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
Achieving Consistent and Reliable AI Code Generation - Medusa AI
medusaaico
 
[Newgen] NewgenONE Marvin Brochure 1.pdf
darshakparmar
 
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 

"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keynote Presentation from Google

  • 1. Large-Scale Deep Learning for Intelligent Computer Systems Jeff Dean Google Brain team g.co/brain In collaboration with many other people at Google
  • 3. Building Intelligent Products Really hard without understanding Not there yet, but making significant progress
  • 4. What do I mean by understanding?
  • 5. What do I mean by understanding?
  • 6. What do I mean by understanding?
  • 7. Outline ● Why deep neural networks? ● Examples of using these for solving real problems ● TensorFlow: software infrastructure for our work (and yours!) ● What are different ways you can get started using these?
  • 8. Google Brain project started in 2011, with a focus on pushing state-of-the-art in neural networks. Initial emphasis: ● use large datasets, and ● large amounts of computation to push boundaries of what is possible in perception and language understanding
  • 9. Growing Use of Deep Learning at Google Android Apps drug discovery Gmail Image understanding Maps Natural language understanding Photos Robotics research Speech Translation YouTube … many others ... Across many products/areas: # of directories containing model description files Time UniqueProjectDirectories
  • 10. The promise (or wishful dream) of Deep Learning Speech Text Search Queries Images Videos Labels Entities Words Audio Features Simple, Reconfigurable, High Capacity, Trainable end-to-end Building Blocks Speech Text Search Queries Images Videos Labels Entities Words Audio Features
  • 11. The promise (or wishful dream) of Deep Learning Common representations across domains. Replacing piles of code with data and simple learning algorithms. Would merely be an interesting academic exercise… …if it didn’t work so well!
  • 12. Speech Recognition Speech Recognition with Deep Recurrent Neural Networks Alex Graves, Abdel-rahman Mohamed, Geoffrey Hinton Convolutional, Long Short-Term Memory, Fully Connected Deep Neural Networks Tara N. Sainath, Oriol Vinyals, Andrew Senior, Hasim Sak Object Recognition and Detection Going Deeper with Convolutions Christian Szegedy, Wei Liu, Yangqing Jia, Pierre Sermanet, Scott Reed, Dragomir Anguelov, Dumitru Erhan, Vincent Vanhoucke, Andrew Rabinovich Scalable Object Detection using Deep Neural Networks Dumitru Erhan, Christian Szegedy, Alexander Toshev, Dragomir Anguelov In Research and Industry
  • 13. In Research and Industry Machine Translation Sequence to Sequence Learning with Neural Networks Ilya Sutskever, Oriol Vinyals, Quoc V. Le Neural Machine Translation by Jointly Learning to Align and Translate Dzmitry Bahdanau, Kyunghyun Cho, Yoshua Bengio Language Modeling One Billion Word Benchmark for Measuring Progress in Statistical Language Modeling Ciprian Chelba, Tomas Mikolov, Mike Schuster, Qi Ge, Thorsten Brants, Phillipp Koehn, Tony Robinson Parsing Grammar as a Foreign Language Oriol Vinyals, Lukasz Kaiser, Terry Koo, Slav Petrov, Ilya Sutskever, Geoffrey Hinton
  • 15. “cat” ● A powerful class of machine learning model ● Modern reincarnation of artificial neural networks ● Collection of simple, trainable mathematical functions ● Compatible with many variants of machine learning What is Deep Learning?
  • 16. “cat” ● Loosely based on (what little) we know about the brain What is Deep Learning?
  • 18. Learning algorithm While not done: Pick a random training example “(input, label)” Run neural network on “input” Adjust weights on edges to make output closer to “label”
  • 19. Learning algorithm While not done: Pick a random training example “(input, label)” Run neural network on “input” Adjust weights on edges to make output closer to “label”
  • 20. Plenty of raw data ● Text: trillions of words of English + other languages ● Visual data: billions of images and videos ● Audio: tens of thousands of hours of speech per day ● User activity: queries, marking messages spam, etc. ● Knowledge graph: billions of labelled relation triples ● ... How can we build systems that truly understand this data?
  • 21. Important Property of Neural Networks Results get better with more data + bigger models + more computation (Better algorithms, new insights and improved techniques always help, too!)
  • 22. What are some ways that deep learning is having a significant impact at Google?
  • 23. “How cold is it outside?” Deep Recurrent Neural Network Acoustic Input Text Output Reduced word errors by more than 30% Speech Recognition Google Research Blog - August 2012, August 2015
  • 24. ImageNet Challenge Given an image, predict one of 1000 different classes Image credit: www.cs.toronto. edu/~fritz/absps/imagene t.pdf
  • 25. The Inception Architecture (GoogLeNet, 2014) Going Deeper with Convolutions Christian Szegedy, Wei Liu, Yangqing Jia, Pierre Sermanet, Scott Reed, Dragomir Anguelov, Dumitru Erhan, Vincent Vanhoucke, Andrew Rabinovich ArXiv 2014, CVPR 2015
  • 26. Team Year Place Error (top-5) XRCE (pre-neural-net explosion) 2011 1st 25.8% Supervision (AlexNet) 2012 1st 16.4% Clarifai 2013 1st 11.7% GoogLeNet (Inception) 2014 1st 6.66% Andrej Karpathy (human) 2014 N/A 5.1% BN-Inception (Arxiv) 2015 N/A 4.9% Inception-v3 (Arxiv) 2015 N/A 3.46% Neural Nets: Rapid Progress in Image Recognition ImageNet challenge classification task
  • 30. “ocean” Deep Convolutional Neural Network Your Photo Automatic Tag Search personal photos without tags. Google Photos Search Google Research Blog - June 2013
  • 35. Image Captions W __ A young girl A young girl asleep[Vinyals et al., CVPR 2015]
  • 36. Model: A close up of a child holding a stuffed animal. Human: A young girl asleep on the sofa cuddling a stuffed bear. Model: A baby is asleep next to a teddy bear.
  • 38. Combined Vision + Translation
  • 39. What do you want in a machine learning system? ● Ease of expression: for lots of crazy ML ideas/algorithms ● Scalability: can run experiments quickly ● Portability: can run on wide variety of platforms ● Reproducibility: easy to share and reproduce research ● Production readiness: go from research to real products
  • 41. http://tensorflow.org/ and https://github.com/tensorflow/tensorflow If we like it, wouldn’t the rest of the world like it, too? Open sourced single-machine TensorFlow on Monday, Nov. 9th, 2015 ● Flexible Apache 2.0 open source licensing ● Updates for distributed implementation coming soon
  • 45. Motivations DistBelief (1st system) was great for scalability, and production training of basic kinds of models Not as flexible as we wanted for research purposes Better understanding of problem space allowed us to make some dramatic simplifications
  • 46. TensorFlow: Expressing High-Level ML Computations ● Core in C++ ○ Very low overhead Core TensorFlow Execution System CPU GPU Android iOS ...
  • 47. TensorFlow: Expressing High-Level ML Computations ● Core in C++ ○ Very low overhead ● Different front ends for specifying/driving the computation ○ Python and C++ today, easy to add more Core TensorFlow Execution System CPU GPU Android iOS ...
  • 48. TensorFlow: Expressing High-Level ML Computations ● Core in C++ ○ Very low overhead ● Different front ends for specifying/driving the computation ○ Python and C++ today, easy to add more Core TensorFlow Execution System CPU GPU Android iOS ... C++ front end Python front end ...
  • 49. MatMul Add Relu biases weights examples labels Xent Graph of Nodes, also called Operations or ops. Computation is a dataflow graph
  • 50. with tensors MatMul Add Relu biases weights examples labels Xent Edges are N-dimensional arrays: Tensors Computation is a dataflow graph
  • 51. with state Add Mul biases ... learning rate −=... 'Biases' is a variable −= updates biasesSome ops compute gradients Computation is a dataflow graph
  • 52. Device A Device B distributed Add Mul biases ... learning rate −=... Devices: Processes, Machines, GPUs, etc Computation is a dataflow graph
  • 53. Automatically runs models on range of platforms: from phones ... to single machines (CPU and/or GPUs) … to distributed systems of many 100s of GPU cards TensorFlow: Expressing High-Level ML Computations
  • 54. Mobile and Embedded Deployment Desires ● Execution efficiency ● Low power consumption ● Modest size requirements
  • 55. Quantization: Using Low Precision Integer Math ● Train using 32-bit floats, and after training, convert parameters to quantized 8-bit integer representations ● We have used this in many different applications: ○ Very minor losses in overall model accuracy. E.g.: ■ ~77% top-1 accuracy for image model with 32-bit float, ~76% top-1 accuracy with 8-bit quantized integers ○ 8-bit math gives close to 4X speedup and 4X reduction in model size ○ Saves considerable power, as well
  • 56. gemmlowp Support for this open-sourced in gemmlowp package: https://github.com/google/gemmlowp Efficient GEMM implementations for ARM and x86 Ongoing performance work to make it even better
  • 57. TensorFlow and Quantized Models Support for quantized integer kernels Automated tool coming shortly to tensorflow/contrib/quantization/quantize_graph Converts TensorFlow model/graph trained using 32-bit floats ● Emits new graph and associated parameter checkpoint ● Uses quantized ops where equivalent ops exist ● Falls back to float when no equivalent quantized op exists
  • 58. TensorFlow and Mobile Execution ● Android support already there ○ Example app in TensorFlow GitHub repository under: ■ tensorflow/examples/android/... ● iOS support coming shortly: ○ https://github. com/tensorflow/tensorflow/issues/16 ○ https://github.com/tensorflow/tensorflow/pull/1631
  • 59. To Learn More ● Attend Pete Warden’s talk tomorrow (Tuesday, May 3), 10:30 to 11:15 AM “TensorFlow: Enabling Mobile and Embedded Machine Intelligence” http://www.embedded-vision.com/summit/tensorflow-enabling-mobile-and-embedded-machine-intelligence
  • 60. How Can You Get Started with Machine Learning? Four ways, with varying complexity: (1) Use a Cloud-based API (Vision, Speech, etc.) (2) Run your own pretrained model (3) Use an existing model architecture, and retrain it or fine tune on your dataset (4) Develop your own machine learning models for new problems More flexible, but more effort required
  • 61. (1) Use Cloud-based APIs cloud.google.com/translate cloud.google.com/speech cloud.google.com/vision cloud.google.com/text
  • 62. (1) Use Cloud-based APIs cloud.google.com/translate cloud.google.com/speech cloud.google.com/vision cloud.google.com/text
  • 63. Google Cloud Vision API https://cloud.google.com/vision/
  • 65. (2) Using a Pre-trained Image Model with TensorFlow www.tensorflow.org/tutorials/image_recognition/index.html
  • 66. Using a Pre-trained Image Model with TensorFlow on Android https://github.com/tensorflow/tensorflow/tree/master/tensorflow/examples/android
  • 67. (3) Training a Model on Your Own Image Data www.tensorflow.org/versions/master/how_tos/image_retraining/index.html
  • 68. (4) Develop your own machine learning models https://www.tensorflow.org/versions/master/get_started/basic_usage.html
  • 69. What Does the Future Hold? Deep learning usage will continue to grow and accelerate: ● Across more and more fields and problems: ○ robotics, self-driving vehicles, ... ○ health care ○ video understanding ○ dialogue systems ○ personal assistance ○ ...
  • 70. Combining Vision with Robotics “Deep Learning for Robots: Learning from Large-Scale Interaction”, Google Research Blog, March, 2016 “Learning Hand-Eye Coordination for Robotic Grasping with Deep Learning and Large-Scale Data Collection”, Sergey Levine, Peter Pastor, Alex Krizhevsky, & Deirdre Quillen, Arxiv, arxiv.org/abs/1603.02199
  • 71. Conclusions Deep neural networks are making significant strides in understanding: In speech, vision, language, search, … If you’re not considering how to use deep neural nets to solve your vision or understanding problems, you almost certainly should be Pre-trained models or pre-trained APIs are a low overhead way of starting to explore TensorFlow makes it easy for everyone to experiment with these techniques ● Highly scalable design allows faster experiments, accelerates research ● Easy to share models and to publish code to give reproducible results ● Ability to go from research to production within same system
  • 72. Further Reading ● Le, Ranzato, Monga, Devin, Chen, Corrado, Dean, & Ng. Building High-Level Features Using Large Scale Unsupervised Learning, ICML 2012. research.google. com/archive/unsupervised_icml2012.html ● Dean, et al., Large Scale Distributed Deep Networks, NIPS 2012, research.google. com/archive/large_deep_networks_nips2012.html. ● Sutskever, Vinyals, & Le, Sequence to Sequence Learning with Neural Networks, NIPS, 2014, arxiv.org/abs/1409.3215. ● Vinyals, Toshev, Bengio, & Erhan. Show and Tell: A Neural Image Caption Generator. CVPR 2015. arxiv.org/abs/1411.4555 ● Szegedy, Vanhoucke, Ioffe, Shlens, & Wojna. Rethinking the Inception Architecture for Computer Vision. arxiv.org/abs/1512.00567 ● TensorFlow white paper, tensorflow.org/whitepaper2015.pdf (clickable links in bibliography) research.google.com/people/jeff research.google.com/pubs/MachineIntelligence.html Questions?