SlideShare a Scribd company logo
ALISON B LOWNDES
AI DevRel | EMEA
September 2016
ENABLING ARTIFICIAL
INTELLIGENCE
2
GE Revolution —
The GPU choice when it really matters
The processor of #1 U.S. supercomputer and
9 of 10 of world’s most energy-efficient supercomputers
DGX-1: World’s 1st Deep Learning Supercomputer —
The deep learning platform for AI researchers worldwide
100M NVIDIA GeForce Gamers —
The world’s largest gaming platform
Pioneering AI computing for
self-driving cars
NVIDIA
Pioneered GPU Computing | Founded 1993 | $7B | 9,500 Employees
The visualization platform of every car company
and movie studio
33
Deep Learning and
Computer Vision
GPU Compute
NVIDIA GPU: MORE THAN GRAPHICS
Graphics
4
GPU Computing
NVIDIA
Computing for the Most Demanding Users
Computing Human Imagination
Computing Human Intelligence
5
7
HOW
8
GPU Computing
x86
9
CUDA
A simple sum of two vectors (arrays) in C
GPU friendly version in CUDA
Framework to Program NVIDIA GPUs
__global__ void vector_add(int n, const float *a, const float *b, float *c)
{
int idx = blockIdx.x*blockDim.x + threadIdx.x;
if( idx < n )
c[idx] = a[idx] + b[idx];
}
void vector_add(int n, const float *a, const float *b, float *c)
{
for( int idx = 0 ; idx < n ; ++idx )
c[idx] = a[idx] + b[idx];
}
10
EDUCATION
START-UPS
CNTKTENSORFLOW
DL4J
THE ENGINE OF MODERN AI
NVIDIA DEEP LEARNING PLATFORM
*U. Washington, CMU, Stanford, TuSimple, NYU, Microsoft, U. Alberta, MIT, NYU Shanghai
VITRUVIAN
SCHULTS
LABORATORIES
TORCH
THEANO
CAFFE
MATCONVNET
PURINEMOCHA.JL
MINERVA MXNET*
CHAINER
BIG SUR WATSON
OPENDEEPKERAS
11
Biological vs artificial
12
Long short-term memory (LSTM)
Hochreiter (1991) analysed vanishing gradient “LSTM falls out of this almost naturally”
Gates control importance of
the corresponding
activations
Training
via
backprop
unfolded
in time
LSTM:
input
gate
output
gate
Long time dependencies are preserved until
input gate is closed (-) and forget gate is open (O)
forget
gate
Fig from Vinyals et al, Google April 2015 NIC Generator
Fig from Graves, Schmidhuber et al, Supervised
Sequence Labelling with RNNs
13
DeepMind’s WaveNet
https://drive.google.com/file/d/0B3cxcnOkPx9AeWpLVXhkTDJINDQ/view
14
Genetic Algorithms
Solution emergence through iterative simulated competition and improvement
”..harnessing the subtle but profound patterns that exist in chaotic data” Kurweil
15
WHY
16
CNN + RNN
NATURAL LANGUAGE PROCESSING
17
“Natural language understanding and grounded
dialogue systems will revolutionise our access
to information and how we interact with
computers and the web. The impact in
business, law, policy making and science will
be profound. It will also bring us closer to
understanding human intelligence”
Nando de Freitas, DeepMind
18
Deep learning teaches robots
China Is Building a Robot Army of
Model Workers
Amazon robot challenge winner
counts on deep learning AI
Japan Must Refocus From US
-dominated AI to Integrating Deep
Learning into Manufacturing
19
Da Vinci medical robotics
20
Pieter Abbeel
gym.openai.com
21
DEEP REINFORCEMENT LEARNING
Motor PWM
Sensory Inputs
Perceptron
RNN
Recognition
Inference
Goal/Reward
user
task
Short-termLong-term
MOTION CONTROL
AUTONOMOUS NAVIGATION
22
GOOGLE DEEPMIND ALPHAGO CHALLENGE
23
WORLD’S FIRST AUTONOMOUS CAR RACE
10 teams, 20 identical cars | DRIVE PX 2: The “brain” of every car | 2016/17 Formula E season
24
Deep Learning Platform
25NVIDIA CONFIDENTIAL. DO NOT DISTRIBUTE.
NVIDIA DEEP LEARNING PLATFORM
DEVELOPERS
DEEP LEARNING SDK
DL FRAMEWORK (CAFFE, CNTK,TENSORFLOW, THEANO, TORCH…)
DEPLOYMENT AUTOMOTIVE - DRIVEPX
EMBEDDED - JETSON
26
POWERING THE DEEP LEARNING ECOSYSTEM
NVIDIA SDK accelerates every major framework
COMPUTER VISION
OBJECT DETECTION IMAGE CLASSIFICATION
SPEECH & AUDIO
VOICE RECOGNITION LANGUAGE TRANSLATION
NATURAL LANGUAGE PROCESSING
RECOMMENDATION ENGINES SENTIMENT ANALYSIS
DEEP LEARNING FRAMEWORKS
Mocha.jl
NVIDIA DEEP LEARNING SDK
developer.nvidia.com/deep-learning-software
27
cuDNN
Deep Learning Primitives
IGNITING ARTIFICIAL
INTELLIGENCE
▪ GPU-accelerated Deep Learning
subroutines
▪ High performance neural network
training
▪ Accelerates Major Deep Learning
frameworks: Caffe, Theano, Torch
▪ Up to 3.5x faster AlexNet training
in Caffe than baseline GPU
Millions of Images Trained Per Day
Tiled FFT up to 2x faster than FFT
developer.nvidia.com/cudnn
28
WHAT’S NEW IN CUDNN 5?
LSTM recurrent neural networks deliver up
to 6x speedup in Torch
Improved performance:
• Deep Neural Networks with 3x3 convolutions,
like VGG, GoogleNet and ResNets
• 3D Convolutions
• FP16 routines on Pascal GPUs
Pascal GPU, RNNs, Improved Performance
Performance relative to torch-rnn
(https://github.com/jcjohnson/torch-rnn)
DeepSpeech2: http://arxiv.org/abs/1512.02595
Char-rnn: https://github.com/karpathy/char-rnn
5.9x
Speedup for char-rnn
RNN Layers
2.8x
Speedup for DeepSpeech 2
RNN Layers
29
DIGITSTM
Quickly design the best deep neural
network (DNN) for your data
Train on multi-GPU (automatic)
Visually monitor DNN training quality in
real-time
Manage training of many DNNs in parallel
on multi-GPU systems
Interactive Deep Learning GPU Training System
developer.nvidia.com/digits
3030
DEEP VISUALIZATION TOOLBOX
IMAGE RECOGNITION
31
DIGITS 4
• Object Detection Workflows for
Automotive and Defense
• Targeted at Autonomous Vehicles,
Remote Sensing
Object Detection Workflow
developer.nvidia.com/digits
https://devblogs.nvidia.com/parallelforall/
32
NCCL ‘nickel’
A topology-aware library of accelerated
collectives to improve the scalability of
multi-GPU applications
• Patterned after MPI’s collectives:
includes all-reduce, all-gather,
reduce-scatter, reduce, broadcast
• Optimized intra-node communication
• Supports multi-threaded and multi-
process applications
Accelerating Multi-GPU Communications
github.com/NVIDIA/nccl
33
GRAPH ANALYTICS with NVGRAPH
developer.nvidia.com/nvgraph
GPU Optimized Algorithms
Reduced cost & Increased performance
Standard formats and primitives
Semi-rings, load-balancing
Performance Constantly Improving
34
Training
Device
Datacenter
GPU DEEP LEARNING
IS A NEW COMPUTING MODEL
TRAINING
Billions of Trillions of Operations
GPU train larger models, accelerate
time to market
35
Training
Device
Datacenter
GPU DEEP LEARNING
IS A NEW COMPUTING MODEL
DATACENTER INFERENCING
10s of billions of image, voice, video
queries per day
GPU inference for fast response,
maximize datacenter throughput
36
WHAT’S NEW IN DEEP LEARNING SOFTWARE
TensorRT
Deep Learning Inference Engine
DeepStream SDK
Deep Learning for Video Analytics
36x faster inference enables
ubiquitous AND responsive AI
High performance video analytics on Tesla
platforms
37
HARDWARE
38
END-TO-END PRODUCT FAMILY
FULLY INTEGRATED DL
SUPERCOMPUTER
DGX-1
For customers who need to
get going now with fully
integrated solution
HYPERSCALE HPC
Hyperscale deployment for
deep learning training &
inference
Training - Tesla P100
Inference - Tesla P40 & P4
STRONG-SCALE HPC
Data centers running HPC and
DL apps scaling to multiple
GPUs
Tesla P100 with NVLink
MIXED-APPS HPC
HPC data centers running
mix of CPU and GPU
workloads
Tesla P100 with PCI-E
39
40
Training Caffe Googlnet ILSVRC, 1.3M Images with 60 epochs
Slash DL Training Time by 40%
# of Days
3 Days
Caffe Googlenet Training Time
1.9 Days
52
Days
TITAN X
PASCAL
TITAN X
MAXWELL
CUDA cores 3584 3072
Boost Clock 1.53 GHZ 1.08GHZ
Memory 12GB G5X 12GB G5
Memory Bandwidth
(GB/s) 480 336
GFLOPS (INT8) 44 -
GFLOPS (FP32) 11 7
TITAN X
PERFORMANCE
41
42
TESLA P40
P40
# of CUDA Cores 3840
Peak Single Precision 12 TeraFLOPS
Peak INT8 47 TOPS
Low Precision
4x 8-bit vector dot product
with 32-bit accumulate
Video Engines 1x decode engine, 2x encode engines
GDDR5 Memory 24 GB @ 346 GB/s
Power 250W
0
20,000
40,000
60,000
80,000
100,000
GoogLeNet AlexNet
8x M40 (FP32) 8x P40 (INT8)
Images/Sec
4x Boost in Less than One Year
GoogLeNet, AlexNet, batch size = 128, CPU: Dual Socket Intel E5-2697v4
Highest Throughput for Scale-up Servers
43
40x Efficient vs CPU, 8x Efficient vs FPGA
0
50
100
150
200
AlexNet
CPU FPGA 1x M4 (FP32) 1x P4 (INT8)
Images/Sec/Watt
Maximum Efficiency for Scale-out Servers P4
# of CUDA Cores 2560
Peak Single Precision 5.5 TeraFLOPS
Peak INT8 22 TOPS
Low Precision
4x 8-bit vector dot product
with 32-bit accumulate
Video Engines 1x decode engine, 2x encode engine
GDDR5 Memory 8 GB @ 192 GB/s
Power 50W & 75 W
AlexNet, batch size = 128, CPU: Intel E5-2690v4 using Intel MKL 2017, FPGA is Arria10-115
1x M4/P4 in node, P4 board power at 56W, P4 GPU power at 36W, M4 board power at 57W, M4 GPU power at 39W, Perf/W chart using GPU power
TESLA P4
44
NVLinkPascal Architecture
New AI
Algorithms
COWOS with
HBM2 Stacked Memory
INTRODUCING TESLA P100
Five Technology Breakthroughs Made it Possible
16nm
FinFET
45
Device
TESLA DEEP LEARNING PLATFORM
TRAINING DATACENTER INFERENCING
Training: comparing to Kepler GPU in 2013 using Caffe, Inference: comparing img/sec/watt to CPU: Intel E5-2697v4 using AlexNet
65Xin 3 years
Tesla P100
40Xvs CPU
Tesla P4
46
Engineered for deep learning | 170TF FP16 | 8x Tesla P100
NVLink hybrid cube mesh | Accelerates major AI frameworks
NVIDIA DGX-1
WORLD’S FIRST DEEP LEARNING SUPERCOMPUTER
47
CUDA 8 – WHAT’S NEW
Stacked Memory
NVLINK
FP16 math
P100 Support
Larger Datasets
Demand Paging
New Tuning APIs
Standard C/C++ Allocators
CPU/GPU Data Coherence &
Atomics
Unified Memory
New nvGRAPH library
cuBLAS improvements for Deep Learning
Libraries
Critical Path Analysis
2x Faster Compile Time
OpenACC Profiling
Debug CUDA Apps on Display GPU
Developer Tools
48
49
NVIDIA DGX-1 SOFTWARE STACK
Optimized for Deep Learning Performance
Accelerated
Deep Learning
cuDNN NCCL
cuSPAR
SE
cuBLAS cuFFT
Container Based
Applications
NVIDIA Cloud
Management
Digits DL Frameworks GPU
Apps
https://devblogs.nvidia.com/parallelforall/nvidia-docker-gpu-server-application-deployment-made-easy/
50
A SUPERCOMPUTER FOR
AUTONOMOUS MACHINES
Bringing AI and machine learning to
a world of robots and drones
Jetson TX1 is the first embedded
computer designed to process deep
neural networks
1 TeraFLOPS in a credit-card sized
module
5151
AT THE FRONTIER OF
AUTONOMOUS MACHINES
New use cases
demand autonomy
GPUs deliver superior
performance and
efficiency
Onboard sensing and
deep learning,
enable autonomy
x
2
x
3
x
4
x
1
52
DIGITS Workflow VisionWorks Jetson Media SDK
and other technologies:
CUDA, Linux4Tegra, NSIGHT EE, OpenCV4Tegra, OpenGL, Vulkan, System Trace, Visual Profiler
Deep Learning SDK
NVIDIA
JETPACK
53
Develop and deploy
Jetson TX1 and Jetson TX1 Developer Kit
54
WRAP UP
55
developer.nvidia.com
56
Getting started with deep learning
developer.nvidia.com/deep-learning
57
DEEP LEARNING &
ARTIFICIAL INTELLIGENCE
Sep 28-29, 2016 | Amsterdam
www.gputechconf.eu #GTC16EU
AUTONOMOUS VEHICLES VIRTUAL REALITY &
AUGMENTED REALITY
SUPERCOMPUTING & HPC
GTC Europe is a two-day conference designed to expose the innovative ways developers, businesses and academics are
using parallel computing to transform our world.
EUROPE’S BRIGHTEST MINDS & BEST IDEAS
GET A 20% DISCOUNT WITH CODE
ALLOGTCEU2016
2 Days | 1,000 Attendees | 50+ Exhibitors | 50+ Speakers | 10+ Tracks | 15+ Hands-on Labs| 1-to-1 Meetings
COME DO YOUR LIFE’S WORK
JOIN NVIDIA
We are looking for great people at all levels to help us accelerate the next wave of AI-driven
computing in Research, Engineering, and Sales and Marketing.
Our work opens up new universes to explore, enables amazing creativity and discovery, and
powers what were once science fiction inventions like artificial intelligence and autonomous
cars.
Check out our career opportunities:
• www.nvidia.com/careers
• Reach out to your NVIDIA social network or NVIDIA recruiter at
DeepLearningRecruiting@nvidia.com

More Related Content

PPTX
JETSON : AI at the EDGE
Skolkovo Robotics Center
 
PPTX
Artificial Intelligence in Gaming
Satvik J
 
PPTX
VIRTUAL REALITY SEMINAR PPT WITH AWESOME AUTOMATIC ANIMATIONS
himanshubeniwal015
 
PPTX
AI in IoT: Use Cases and Challenges
Dmitry Petukhov
 
PDF
NVIDIA CES 2016 Press Conference
NVIDIA
 
PDF
Introduction to object detection
Brodmann17
 
PDF
426 Lecture 8: Mobile Augmented Reality
Mark Billinghurst
 
PDF
Introduction to Deep Learning (NVIDIA)
Rakuten Group, Inc.
 
JETSON : AI at the EDGE
Skolkovo Robotics Center
 
Artificial Intelligence in Gaming
Satvik J
 
VIRTUAL REALITY SEMINAR PPT WITH AWESOME AUTOMATIC ANIMATIONS
himanshubeniwal015
 
AI in IoT: Use Cases and Challenges
Dmitry Petukhov
 
NVIDIA CES 2016 Press Conference
NVIDIA
 
Introduction to object detection
Brodmann17
 
426 Lecture 8: Mobile Augmented Reality
Mark Billinghurst
 
Introduction to Deep Learning (NVIDIA)
Rakuten Group, Inc.
 

What's hot (20)

PDF
Digital twin
SreelakshmiPerayil
 
PPTX
Deep learning based object detection
chettykulkarni
 
PPTX
Deep learning
Rajgupta258
 
PPTX
AlexNet
Bertil Hatt
 
PDF
Faster R-CNN: Towards real-time object detection with region proposal network...
Universitat Politècnica de Catalunya
 
PDF
History of AI, Current Trends, Prospective Trajectories
Giovanni Sileno
 
PDF
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Edureka!
 
PPTX
Artificial intelligence and video games
Simple_Harsh
 
PPT
Virtual Reality
Naresh Pokhriyal
 
PDF
Metaverse - The 'Killer App' for 5G, 6G and Beyond
Anand Bhojan
 
PPTX
Hadoop vs Apache Spark
ALTEN Calsoft Labs
 
PPTX
CONVOLUTIONAL NEURAL NETWORK
Md Rajib Bhuiyan
 
PPTX
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
UMBC
 
PPTX
Image classification with Deep Neural Networks
Yogendra Tamang
 
PDF
Augmenting Data Structures
Dr Sandeep Kumar Poonia
 
PPTX
Augmented reality
Rishabh Srivastava
 
PPTX
Introduction to AWS DeepRacer
Clive Nethersole
 
PPTX
Artificial Intelligence, Machine Learning and Deep Learning with CNN
mojammel43
 
PDF
Flutter + tensor flow lite = awesome sauce
Amit Sharma
 
KEY
NoSQL databases and managing big data
Steven Francia
 
Digital twin
SreelakshmiPerayil
 
Deep learning based object detection
chettykulkarni
 
Deep learning
Rajgupta258
 
AlexNet
Bertil Hatt
 
Faster R-CNN: Towards real-time object detection with region proposal network...
Universitat Politècnica de Catalunya
 
History of AI, Current Trends, Prospective Trajectories
Giovanni Sileno
 
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Edureka!
 
Artificial intelligence and video games
Simple_Harsh
 
Virtual Reality
Naresh Pokhriyal
 
Metaverse - The 'Killer App' for 5G, 6G and Beyond
Anand Bhojan
 
Hadoop vs Apache Spark
ALTEN Calsoft Labs
 
CONVOLUTIONAL NEURAL NETWORK
Md Rajib Bhuiyan
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
UMBC
 
Image classification with Deep Neural Networks
Yogendra Tamang
 
Augmenting Data Structures
Dr Sandeep Kumar Poonia
 
Augmented reality
Rishabh Srivastava
 
Introduction to AWS DeepRacer
Clive Nethersole
 
Artificial Intelligence, Machine Learning and Deep Learning with CNN
mojammel43
 
Flutter + tensor flow lite = awesome sauce
Amit Sharma
 
NoSQL databases and managing big data
Steven Francia
 
Ad

Viewers also liked (20)

PDF
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
PAPIs.io
 
PPTX
The AI Era Ignited by GPU Deep Learning
NVIDIA
 
PDF
GTC 2016 Opening Keynote
NVIDIA
 
PPTX
Artificial Intelligence: Predictions for 2017
NVIDIA
 
PDF
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
PDF
Deep learning tutorial
haosdent huang
 
PDF
以開源軟體與 Open Street Map 規劃登山行程
Rex Tsai
 
PDF
IBM research 5 in 5 report for 2017
Pietro Leo
 
PDF
Deep Learning on AWS (November 2016)
Julien SIMON
 
PDF
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
Edge AI and Vision Alliance
 
PPTX
Ibm truenorth
Sam varghese
 
PDF
Cuda introduction
Hanibei
 
PPTX
Intel Nervana Artificial Intelligence Meetup 11/30/16
Intel Nervana
 
PPTX
Truenorth - Ibm’s brain like chip
Sandeep Yadav
 
PDF
IEEE ITSS Nagoya Chapter NVIDIA
Tak Izaki
 
PDF
NVidia CUDA Tutorial - June 15, 2009
Randall Hand
 
PDF
High-Performance GPU Programming for Deep Learning
Intel Nervana
 
PDF
Baidu World 2016 With NVIDIA CEO Jen-Hsun Huang
NVIDIA
 
PDF
NVIDIA Deep Learning.
Skolkovo Robotics Center
 
PDF
Nvidia SC16: The Greatest Challenges Can't Wait
inside-BigData.com
 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
PAPIs.io
 
The AI Era Ignited by GPU Deep Learning
NVIDIA
 
GTC 2016 Opening Keynote
NVIDIA
 
Artificial Intelligence: Predictions for 2017
NVIDIA
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
Deep learning tutorial
haosdent huang
 
以開源軟體與 Open Street Map 規劃登山行程
Rex Tsai
 
IBM research 5 in 5 report for 2017
Pietro Leo
 
Deep Learning on AWS (November 2016)
Julien SIMON
 
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
Edge AI and Vision Alliance
 
Ibm truenorth
Sam varghese
 
Cuda introduction
Hanibei
 
Intel Nervana Artificial Intelligence Meetup 11/30/16
Intel Nervana
 
Truenorth - Ibm’s brain like chip
Sandeep Yadav
 
IEEE ITSS Nagoya Chapter NVIDIA
Tak Izaki
 
NVidia CUDA Tutorial - June 15, 2009
Randall Hand
 
High-Performance GPU Programming for Deep Learning
Intel Nervana
 
Baidu World 2016 With NVIDIA CEO Jen-Hsun Huang
NVIDIA
 
NVIDIA Deep Learning.
Skolkovo Robotics Center
 
Nvidia SC16: The Greatest Challenges Can't Wait
inside-BigData.com
 
Ad

Similar to Enabling Artificial Intelligence - Alison B. Lowndes (20)

PPTX
abelbrownnvidiarakuten2016-170208065814 (1).pptx
gopikahari7
 
PDF
NVIDIA Deep Learning Institute 2017 基調講演
NVIDIA Japan
 
PDF
Alison B Lowndes - Fueling the Artificial Intelligence Revolution with Gaming...
Codemotion
 
PDF
Fueling the AI Revolution with Gaming
Alison B. Lowndes
 
PDF
GTC 2017: Powering the AI Revolution
NVIDIA
 
PDF
Deep Learning Update May 2016
Frédéric Parienté
 
PDF
Tesla Accelerated Computing Platform
inside-BigData.com
 
PDF
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...
Willy Marroquin (WillyDevNET)
 
PDF
GTC China 2016
NVIDIA
 
PDF
BAT40 NVIDIA Stampfli Künstliche Intelligenz, Roboter und autonome Fahrzeuge ...
BATbern
 
PDF
Nvidia at SEMICon, Munich
Alison B. Lowndes
 
PDF
AI, A New Computing Model
NVIDIA Taiwan
 
PDF
Data Science Week 2016. NVIDIA. "Платформы и инструменты для реализации систе...
Newprolab
 
PDF
instruction of install Caffe on ubuntu
Pouya Ahv
 
PDF
Alison Lowndes, Artificial Intelligence DevRel, Nvidia – Fueling the Artifici...
Techsylvania
 
PDF
Aplicações Potenciais de Deep Learning à Indústria do Petróleo
Grupo de Geofísica Computacional, UNICAMP
 
PPTX
Nvidia Deep Learning Solutions - Alex Sabatier
Sri Ambati
 
PDF
NVIDIA DGX-1 超級電腦與人工智慧及深度學習
NVIDIA Taiwan
 
PDF
The Convergence of HPC and Deep Learning
inside-BigData.com
 
PDF
Possibilities of generative models
Alison B. Lowndes
 
abelbrownnvidiarakuten2016-170208065814 (1).pptx
gopikahari7
 
NVIDIA Deep Learning Institute 2017 基調講演
NVIDIA Japan
 
Alison B Lowndes - Fueling the Artificial Intelligence Revolution with Gaming...
Codemotion
 
Fueling the AI Revolution with Gaming
Alison B. Lowndes
 
GTC 2017: Powering the AI Revolution
NVIDIA
 
Deep Learning Update May 2016
Frédéric Parienté
 
Tesla Accelerated Computing Platform
inside-BigData.com
 
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...
Willy Marroquin (WillyDevNET)
 
GTC China 2016
NVIDIA
 
BAT40 NVIDIA Stampfli Künstliche Intelligenz, Roboter und autonome Fahrzeuge ...
BATbern
 
Nvidia at SEMICon, Munich
Alison B. Lowndes
 
AI, A New Computing Model
NVIDIA Taiwan
 
Data Science Week 2016. NVIDIA. "Платформы и инструменты для реализации систе...
Newprolab
 
instruction of install Caffe on ubuntu
Pouya Ahv
 
Alison Lowndes, Artificial Intelligence DevRel, Nvidia – Fueling the Artifici...
Techsylvania
 
Aplicações Potenciais de Deep Learning à Indústria do Petróleo
Grupo de Geofísica Computacional, UNICAMP
 
Nvidia Deep Learning Solutions - Alex Sabatier
Sri Ambati
 
NVIDIA DGX-1 超級電腦與人工智慧及深度學習
NVIDIA Taiwan
 
The Convergence of HPC and Deep Learning
inside-BigData.com
 
Possibilities of generative models
Alison B. Lowndes
 

More from WithTheBest (20)

PDF
Riccardo Vittoria
WithTheBest
 
PPTX
Recreating history in virtual reality
WithTheBest
 
PDF
Engaging and sharing your VR experience
WithTheBest
 
PDF
How to survive the early days of VR as an Indie Studio
WithTheBest
 
PDF
Mixed reality 101
WithTheBest
 
PDF
Unlocking Human Potential with Immersive Technology
WithTheBest
 
PPTX
Building your own video devices
WithTheBest
 
PPTX
Maximizing performance of 3 d user generated assets in unity
WithTheBest
 
PPTX
Wizdish rovr
WithTheBest
 
PPTX
Haptics & amp; null space vr
WithTheBest
 
PPTX
How we use vr to break the laws of physics
WithTheBest
 
PPTX
The Virtual Self
WithTheBest
 
PPTX
You dont have to be mad to do VR and AR ... but it helps
WithTheBest
 
PDF
Omnivirt overview
WithTheBest
 
PDF
VR Interactions - Jason Jerald
WithTheBest
 
PDF
Japheth Funding your startup - dating the devil
WithTheBest
 
PDF
Transported vr the virtual reality platform for real estate
WithTheBest
 
PDF
Measuring Behavior in VR - Rob Merki Cognitive VR
WithTheBest
 
PDF
Global demand for Mixed Realty (VR/AR) content is about to explode.
WithTheBest
 
PDF
VR, a new technology over 40,000 years old
WithTheBest
 
Riccardo Vittoria
WithTheBest
 
Recreating history in virtual reality
WithTheBest
 
Engaging and sharing your VR experience
WithTheBest
 
How to survive the early days of VR as an Indie Studio
WithTheBest
 
Mixed reality 101
WithTheBest
 
Unlocking Human Potential with Immersive Technology
WithTheBest
 
Building your own video devices
WithTheBest
 
Maximizing performance of 3 d user generated assets in unity
WithTheBest
 
Wizdish rovr
WithTheBest
 
Haptics & amp; null space vr
WithTheBest
 
How we use vr to break the laws of physics
WithTheBest
 
The Virtual Self
WithTheBest
 
You dont have to be mad to do VR and AR ... but it helps
WithTheBest
 
Omnivirt overview
WithTheBest
 
VR Interactions - Jason Jerald
WithTheBest
 
Japheth Funding your startup - dating the devil
WithTheBest
 
Transported vr the virtual reality platform for real estate
WithTheBest
 
Measuring Behavior in VR - Rob Merki Cognitive VR
WithTheBest
 
Global demand for Mixed Realty (VR/AR) content is about to explode.
WithTheBest
 
VR, a new technology over 40,000 years old
WithTheBest
 

Recently uploaded (20)

PDF
Orbitly Pitch Deck|A Mission-Driven Platform for Side Project Collaboration (...
zz41354899
 
PDF
NewMind AI Weekly Chronicles - July'25 - Week IV
NewMind AI
 
PPTX
How to Build a Scalable Micro-Investing Platform in 2025 - A Founder’s Guide ...
Third Rock Techkno
 
PDF
Data_Analytics_vs_Data_Science_vs_BI_by_CA_Suvidha_Chaplot.pdf
CA Suvidha Chaplot
 
PDF
MASTERDECK GRAPHSUMMIT SYDNEY (Public).pdf
Neo4j
 
PPTX
The-Ethical-Hackers-Imperative-Safeguarding-the-Digital-Frontier.pptx
sujalchauhan1305
 
PDF
CIFDAQ's Market Wrap : Bears Back in Control?
CIFDAQ
 
PPTX
Comunidade Salesforce São Paulo - Desmistificando o Omnistudio (Vlocity)
Francisco Vieira Júnior
 
PDF
Using Anchore and DefectDojo to Stand Up Your DevSecOps Function
Anchore
 
PDF
How-Cloud-Computing-Impacts-Businesses-in-2025-and-Beyond.pdf
Artjoker Software Development Company
 
PPTX
AI and Robotics for Human Well-being.pptx
JAYMIN SUTHAR
 
PPTX
cloud computing vai.pptx for the project
vaibhavdobariyal79
 
PPTX
What-is-the-World-Wide-Web -- Introduction
tonifi9488
 
PDF
Google I/O Extended 2025 Baku - all ppts
HusseinMalikMammadli
 
PDF
BLW VOCATIONAL TRAINING SUMMER INTERNSHIP REPORT
codernjn73
 
PPTX
Applied-Statistics-Mastering-Data-Driven-Decisions.pptx
parmaryashparmaryash
 
PDF
Software Development Methodologies in 2025
KodekX
 
PDF
Brief History of Internet - Early Days of Internet
sutharharshit158
 
PPT
Coupa-Kickoff-Meeting-Template presentai
annapureddyn
 
PDF
The Evolution of KM Roles (Presented at Knowledge Summit Dublin 2025)
Enterprise Knowledge
 
Orbitly Pitch Deck|A Mission-Driven Platform for Side Project Collaboration (...
zz41354899
 
NewMind AI Weekly Chronicles - July'25 - Week IV
NewMind AI
 
How to Build a Scalable Micro-Investing Platform in 2025 - A Founder’s Guide ...
Third Rock Techkno
 
Data_Analytics_vs_Data_Science_vs_BI_by_CA_Suvidha_Chaplot.pdf
CA Suvidha Chaplot
 
MASTERDECK GRAPHSUMMIT SYDNEY (Public).pdf
Neo4j
 
The-Ethical-Hackers-Imperative-Safeguarding-the-Digital-Frontier.pptx
sujalchauhan1305
 
CIFDAQ's Market Wrap : Bears Back in Control?
CIFDAQ
 
Comunidade Salesforce São Paulo - Desmistificando o Omnistudio (Vlocity)
Francisco Vieira Júnior
 
Using Anchore and DefectDojo to Stand Up Your DevSecOps Function
Anchore
 
How-Cloud-Computing-Impacts-Businesses-in-2025-and-Beyond.pdf
Artjoker Software Development Company
 
AI and Robotics for Human Well-being.pptx
JAYMIN SUTHAR
 
cloud computing vai.pptx for the project
vaibhavdobariyal79
 
What-is-the-World-Wide-Web -- Introduction
tonifi9488
 
Google I/O Extended 2025 Baku - all ppts
HusseinMalikMammadli
 
BLW VOCATIONAL TRAINING SUMMER INTERNSHIP REPORT
codernjn73
 
Applied-Statistics-Mastering-Data-Driven-Decisions.pptx
parmaryashparmaryash
 
Software Development Methodologies in 2025
KodekX
 
Brief History of Internet - Early Days of Internet
sutharharshit158
 
Coupa-Kickoff-Meeting-Template presentai
annapureddyn
 
The Evolution of KM Roles (Presented at Knowledge Summit Dublin 2025)
Enterprise Knowledge
 

Enabling Artificial Intelligence - Alison B. Lowndes

  • 1. ALISON B LOWNDES AI DevRel | EMEA September 2016 ENABLING ARTIFICIAL INTELLIGENCE
  • 2. 2 GE Revolution — The GPU choice when it really matters The processor of #1 U.S. supercomputer and 9 of 10 of world’s most energy-efficient supercomputers DGX-1: World’s 1st Deep Learning Supercomputer — The deep learning platform for AI researchers worldwide 100M NVIDIA GeForce Gamers — The world’s largest gaming platform Pioneering AI computing for self-driving cars NVIDIA Pioneered GPU Computing | Founded 1993 | $7B | 9,500 Employees The visualization platform of every car company and movie studio
  • 3. 33 Deep Learning and Computer Vision GPU Compute NVIDIA GPU: MORE THAN GRAPHICS Graphics
  • 4. 4 GPU Computing NVIDIA Computing for the Most Demanding Users Computing Human Imagination Computing Human Intelligence
  • 5. 5
  • 8. 9 CUDA A simple sum of two vectors (arrays) in C GPU friendly version in CUDA Framework to Program NVIDIA GPUs __global__ void vector_add(int n, const float *a, const float *b, float *c) { int idx = blockIdx.x*blockDim.x + threadIdx.x; if( idx < n ) c[idx] = a[idx] + b[idx]; } void vector_add(int n, const float *a, const float *b, float *c) { for( int idx = 0 ; idx < n ; ++idx ) c[idx] = a[idx] + b[idx]; }
  • 9. 10 EDUCATION START-UPS CNTKTENSORFLOW DL4J THE ENGINE OF MODERN AI NVIDIA DEEP LEARNING PLATFORM *U. Washington, CMU, Stanford, TuSimple, NYU, Microsoft, U. Alberta, MIT, NYU Shanghai VITRUVIAN SCHULTS LABORATORIES TORCH THEANO CAFFE MATCONVNET PURINEMOCHA.JL MINERVA MXNET* CHAINER BIG SUR WATSON OPENDEEPKERAS
  • 11. 12 Long short-term memory (LSTM) Hochreiter (1991) analysed vanishing gradient “LSTM falls out of this almost naturally” Gates control importance of the corresponding activations Training via backprop unfolded in time LSTM: input gate output gate Long time dependencies are preserved until input gate is closed (-) and forget gate is open (O) forget gate Fig from Vinyals et al, Google April 2015 NIC Generator Fig from Graves, Schmidhuber et al, Supervised Sequence Labelling with RNNs
  • 13. 14 Genetic Algorithms Solution emergence through iterative simulated competition and improvement ”..harnessing the subtle but profound patterns that exist in chaotic data” Kurweil
  • 15. 16 CNN + RNN NATURAL LANGUAGE PROCESSING
  • 16. 17 “Natural language understanding and grounded dialogue systems will revolutionise our access to information and how we interact with computers and the web. The impact in business, law, policy making and science will be profound. It will also bring us closer to understanding human intelligence” Nando de Freitas, DeepMind
  • 17. 18 Deep learning teaches robots China Is Building a Robot Army of Model Workers Amazon robot challenge winner counts on deep learning AI Japan Must Refocus From US -dominated AI to Integrating Deep Learning into Manufacturing
  • 20. 21 DEEP REINFORCEMENT LEARNING Motor PWM Sensory Inputs Perceptron RNN Recognition Inference Goal/Reward user task Short-termLong-term MOTION CONTROL AUTONOMOUS NAVIGATION
  • 22. 23 WORLD’S FIRST AUTONOMOUS CAR RACE 10 teams, 20 identical cars | DRIVE PX 2: The “brain” of every car | 2016/17 Formula E season
  • 24. 25NVIDIA CONFIDENTIAL. DO NOT DISTRIBUTE. NVIDIA DEEP LEARNING PLATFORM DEVELOPERS DEEP LEARNING SDK DL FRAMEWORK (CAFFE, CNTK,TENSORFLOW, THEANO, TORCH…) DEPLOYMENT AUTOMOTIVE - DRIVEPX EMBEDDED - JETSON
  • 25. 26 POWERING THE DEEP LEARNING ECOSYSTEM NVIDIA SDK accelerates every major framework COMPUTER VISION OBJECT DETECTION IMAGE CLASSIFICATION SPEECH & AUDIO VOICE RECOGNITION LANGUAGE TRANSLATION NATURAL LANGUAGE PROCESSING RECOMMENDATION ENGINES SENTIMENT ANALYSIS DEEP LEARNING FRAMEWORKS Mocha.jl NVIDIA DEEP LEARNING SDK developer.nvidia.com/deep-learning-software
  • 26. 27 cuDNN Deep Learning Primitives IGNITING ARTIFICIAL INTELLIGENCE ▪ GPU-accelerated Deep Learning subroutines ▪ High performance neural network training ▪ Accelerates Major Deep Learning frameworks: Caffe, Theano, Torch ▪ Up to 3.5x faster AlexNet training in Caffe than baseline GPU Millions of Images Trained Per Day Tiled FFT up to 2x faster than FFT developer.nvidia.com/cudnn
  • 27. 28 WHAT’S NEW IN CUDNN 5? LSTM recurrent neural networks deliver up to 6x speedup in Torch Improved performance: • Deep Neural Networks with 3x3 convolutions, like VGG, GoogleNet and ResNets • 3D Convolutions • FP16 routines on Pascal GPUs Pascal GPU, RNNs, Improved Performance Performance relative to torch-rnn (https://github.com/jcjohnson/torch-rnn) DeepSpeech2: http://arxiv.org/abs/1512.02595 Char-rnn: https://github.com/karpathy/char-rnn 5.9x Speedup for char-rnn RNN Layers 2.8x Speedup for DeepSpeech 2 RNN Layers
  • 28. 29 DIGITSTM Quickly design the best deep neural network (DNN) for your data Train on multi-GPU (automatic) Visually monitor DNN training quality in real-time Manage training of many DNNs in parallel on multi-GPU systems Interactive Deep Learning GPU Training System developer.nvidia.com/digits
  • 30. 31 DIGITS 4 • Object Detection Workflows for Automotive and Defense • Targeted at Autonomous Vehicles, Remote Sensing Object Detection Workflow developer.nvidia.com/digits https://devblogs.nvidia.com/parallelforall/
  • 31. 32 NCCL ‘nickel’ A topology-aware library of accelerated collectives to improve the scalability of multi-GPU applications • Patterned after MPI’s collectives: includes all-reduce, all-gather, reduce-scatter, reduce, broadcast • Optimized intra-node communication • Supports multi-threaded and multi- process applications Accelerating Multi-GPU Communications github.com/NVIDIA/nccl
  • 32. 33 GRAPH ANALYTICS with NVGRAPH developer.nvidia.com/nvgraph GPU Optimized Algorithms Reduced cost & Increased performance Standard formats and primitives Semi-rings, load-balancing Performance Constantly Improving
  • 33. 34 Training Device Datacenter GPU DEEP LEARNING IS A NEW COMPUTING MODEL TRAINING Billions of Trillions of Operations GPU train larger models, accelerate time to market
  • 34. 35 Training Device Datacenter GPU DEEP LEARNING IS A NEW COMPUTING MODEL DATACENTER INFERENCING 10s of billions of image, voice, video queries per day GPU inference for fast response, maximize datacenter throughput
  • 35. 36 WHAT’S NEW IN DEEP LEARNING SOFTWARE TensorRT Deep Learning Inference Engine DeepStream SDK Deep Learning for Video Analytics 36x faster inference enables ubiquitous AND responsive AI High performance video analytics on Tesla platforms
  • 37. 38 END-TO-END PRODUCT FAMILY FULLY INTEGRATED DL SUPERCOMPUTER DGX-1 For customers who need to get going now with fully integrated solution HYPERSCALE HPC Hyperscale deployment for deep learning training & inference Training - Tesla P100 Inference - Tesla P40 & P4 STRONG-SCALE HPC Data centers running HPC and DL apps scaling to multiple GPUs Tesla P100 with NVLink MIXED-APPS HPC HPC data centers running mix of CPU and GPU workloads Tesla P100 with PCI-E
  • 38. 39
  • 39. 40 Training Caffe Googlnet ILSVRC, 1.3M Images with 60 epochs Slash DL Training Time by 40% # of Days 3 Days Caffe Googlenet Training Time 1.9 Days 52 Days TITAN X PASCAL TITAN X MAXWELL CUDA cores 3584 3072 Boost Clock 1.53 GHZ 1.08GHZ Memory 12GB G5X 12GB G5 Memory Bandwidth (GB/s) 480 336 GFLOPS (INT8) 44 - GFLOPS (FP32) 11 7 TITAN X PERFORMANCE
  • 40. 41
  • 41. 42 TESLA P40 P40 # of CUDA Cores 3840 Peak Single Precision 12 TeraFLOPS Peak INT8 47 TOPS Low Precision 4x 8-bit vector dot product with 32-bit accumulate Video Engines 1x decode engine, 2x encode engines GDDR5 Memory 24 GB @ 346 GB/s Power 250W 0 20,000 40,000 60,000 80,000 100,000 GoogLeNet AlexNet 8x M40 (FP32) 8x P40 (INT8) Images/Sec 4x Boost in Less than One Year GoogLeNet, AlexNet, batch size = 128, CPU: Dual Socket Intel E5-2697v4 Highest Throughput for Scale-up Servers
  • 42. 43 40x Efficient vs CPU, 8x Efficient vs FPGA 0 50 100 150 200 AlexNet CPU FPGA 1x M4 (FP32) 1x P4 (INT8) Images/Sec/Watt Maximum Efficiency for Scale-out Servers P4 # of CUDA Cores 2560 Peak Single Precision 5.5 TeraFLOPS Peak INT8 22 TOPS Low Precision 4x 8-bit vector dot product with 32-bit accumulate Video Engines 1x decode engine, 2x encode engine GDDR5 Memory 8 GB @ 192 GB/s Power 50W & 75 W AlexNet, batch size = 128, CPU: Intel E5-2690v4 using Intel MKL 2017, FPGA is Arria10-115 1x M4/P4 in node, P4 board power at 56W, P4 GPU power at 36W, M4 board power at 57W, M4 GPU power at 39W, Perf/W chart using GPU power TESLA P4
  • 43. 44 NVLinkPascal Architecture New AI Algorithms COWOS with HBM2 Stacked Memory INTRODUCING TESLA P100 Five Technology Breakthroughs Made it Possible 16nm FinFET
  • 44. 45 Device TESLA DEEP LEARNING PLATFORM TRAINING DATACENTER INFERENCING Training: comparing to Kepler GPU in 2013 using Caffe, Inference: comparing img/sec/watt to CPU: Intel E5-2697v4 using AlexNet 65Xin 3 years Tesla P100 40Xvs CPU Tesla P4
  • 45. 46 Engineered for deep learning | 170TF FP16 | 8x Tesla P100 NVLink hybrid cube mesh | Accelerates major AI frameworks NVIDIA DGX-1 WORLD’S FIRST DEEP LEARNING SUPERCOMPUTER
  • 46. 47 CUDA 8 – WHAT’S NEW Stacked Memory NVLINK FP16 math P100 Support Larger Datasets Demand Paging New Tuning APIs Standard C/C++ Allocators CPU/GPU Data Coherence & Atomics Unified Memory New nvGRAPH library cuBLAS improvements for Deep Learning Libraries Critical Path Analysis 2x Faster Compile Time OpenACC Profiling Debug CUDA Apps on Display GPU Developer Tools
  • 47. 48
  • 48. 49 NVIDIA DGX-1 SOFTWARE STACK Optimized for Deep Learning Performance Accelerated Deep Learning cuDNN NCCL cuSPAR SE cuBLAS cuFFT Container Based Applications NVIDIA Cloud Management Digits DL Frameworks GPU Apps https://devblogs.nvidia.com/parallelforall/nvidia-docker-gpu-server-application-deployment-made-easy/
  • 49. 50 A SUPERCOMPUTER FOR AUTONOMOUS MACHINES Bringing AI and machine learning to a world of robots and drones Jetson TX1 is the first embedded computer designed to process deep neural networks 1 TeraFLOPS in a credit-card sized module
  • 50. 5151 AT THE FRONTIER OF AUTONOMOUS MACHINES New use cases demand autonomy GPUs deliver superior performance and efficiency Onboard sensing and deep learning, enable autonomy x 2 x 3 x 4 x 1
  • 51. 52 DIGITS Workflow VisionWorks Jetson Media SDK and other technologies: CUDA, Linux4Tegra, NSIGHT EE, OpenCV4Tegra, OpenGL, Vulkan, System Trace, Visual Profiler Deep Learning SDK NVIDIA JETPACK
  • 52. 53 Develop and deploy Jetson TX1 and Jetson TX1 Developer Kit
  • 55. 56 Getting started with deep learning developer.nvidia.com/deep-learning
  • 56. 57 DEEP LEARNING & ARTIFICIAL INTELLIGENCE Sep 28-29, 2016 | Amsterdam www.gputechconf.eu #GTC16EU AUTONOMOUS VEHICLES VIRTUAL REALITY & AUGMENTED REALITY SUPERCOMPUTING & HPC GTC Europe is a two-day conference designed to expose the innovative ways developers, businesses and academics are using parallel computing to transform our world. EUROPE’S BRIGHTEST MINDS & BEST IDEAS GET A 20% DISCOUNT WITH CODE ALLOGTCEU2016 2 Days | 1,000 Attendees | 50+ Exhibitors | 50+ Speakers | 10+ Tracks | 15+ Hands-on Labs| 1-to-1 Meetings
  • 57. COME DO YOUR LIFE’S WORK JOIN NVIDIA We are looking for great people at all levels to help us accelerate the next wave of AI-driven computing in Research, Engineering, and Sales and Marketing. Our work opens up new universes to explore, enables amazing creativity and discovery, and powers what were once science fiction inventions like artificial intelligence and autonomous cars. Check out our career opportunities: • www.nvidia.com/careers • Reach out to your NVIDIA social network or NVIDIA recruiter at [email protected]