SlideShare ist ein Scribd-Unternehmen logo
1 von 68
Downloaden Sie, um offline zu lesen
Proprietary and confidential. Do not distribute.
Introduction to deep
learning with neon
MAKING MACHINES SMARTER.™
Nervana Systems Proprietary
2
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Example: recognition of handwritten digits
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
Intel Nervana‘s deep learning solution stack
3
Images
Video
Text
Speech
Tabular
Time
series
Solutions
Nervana Systems Proprietary
Deep Dream
Autoencoders
Deep Speech 2
Skip-thought
SegNet
Fast-RCNN Object Localization
Deep Reinforcement Learning
imdb Sentiment Analysis
Video Activity Detection
Deep Residual Net
bAbI Q&A
AIICNN AlexNet GoogLeNet
VGG
https://github.com/NervanaSystems/ModelZoo
Nervana Systems Proprietary
Intel Nervana in action
5
Healthcare: Tumor detection
Automotive: Speech interfaces
Finance: Time-series search
engine
Positive:
Negative:
Agricultural Robotics Oil & Gas
Positive:
Negative:
Proteomics: Sequence analysis
Query:
Results:
Nervana Systems Proprietary
• Optimized AVX-2 and AVX-512 instructions
• Intel® Xeon® processors and Intel® Xeon Phi™ processors
• Optimized for common deep learning operations
• GEMM (useful in RNNs and fully connected layers)
• Convolutions
• Pooling
• ReLU
• Batch normalization
• Coming soon: LSTM, GRU, Winograd-based convolutions
6
Nervana Systems Proprietary
Nervana Systems Proprietary
8
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Example: recognition of handwritten digits
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
9
• SUPERVISED LEARNING
• DATA -> LABELS
• UNSUPERVISED LEARNING
• NO LABELS; CLUSTERING
• REDUCING DIMENSIONALITY
• REINFORCEMENT LEARNING
• REWARD ACTIONS (E.G., ROBOTICS)
Nervana Systems Proprietary
10
• SUPERVISED LEARNING
• DATA -> LABELS
• UNSUPERVISED LEARNING
• NO LABELS; CLUSTERING
• REDUCING DIMENSIONALITY
• REINFORCEMENT LEARNING
• REWARD ACTIONS (E.G., ROBOTICS)
Nervana Systems Proprietary
11
(𝑓#, 𝑓%, … , 𝑓')
SVM
Random Forest
Naïve Bayes
Decision Trees
Logistic Regression
Ensemble methods
𝑁×𝑁
𝐾 ≪ 𝑁	
Arjun
Nervana Systems Proprietary
12
Animals
Faces
Chairs
Fruits
Vehicles
Nervana Systems Proprietary
Animals
Faces
Chairs
Fruits
Vehicles
13
Nervana Systems Proprietary
Animals
Faces
Chairs
Fruits
Vehicles
14
Training error
x
x
x
x
x
x
x
x x
x
x
x
x
x
x x
x
xx
x
x
x
xx
xx
x
Testing error
Nervana Systems Proprietary
15
Training Time
Error
Training Error
Testing/Validation Error
Underfitting Overfitting
Bias-Variance Trade-off
Nervana Systems Proprietary
16
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Example: recognition of handwritten digits
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
17
~60 million parameters
Arjun
But old practices apply:
Data Cleaning, Underfit/Overfit, Data exploration, right cost function, hyperparameters, etc.
𝑁×𝑁
Nervana Systems Proprietary
18
Bigger Data Better Hardware Smarter Algorithms
Image: 1000 KB / picture
Audio: 5000 KB / song
Video: 5,000,000 KB / movie
Transistor density doubles
every 18 months
Cost / GB in 1995: $1000.00
Cost / GB in 2015: $0.03
Advances in algorithm
innovation, including neural
networks, leading to better
accuracy in training models
Nervana Systems Proprietary
19
Nervana Systems Proprietary
20
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
𝑦𝑥%
𝑥0
𝑥#
𝑎
max(𝑎, 0)
𝑡𝑎𝑛ℎ(𝑎)
Output of unit
Activation Function
Linear weights Bias unit
Input from unit j
𝒘 𝟏
𝒘 𝟐
𝒘 𝟑
𝑔
∑
Nervana Systems Proprietary
Input
Hidden
Output
Affine layer: Linear + Bias + Activation
Nervana Systems Proprietary
MNIST dataset
70,000 images (28x28 pixels)
Goal: classify images into a digit 0-9
N = 28 x 28 pixels
= 784 input units
N = 10 output units
(one for each digit)
Each unit i encodes
the probability of the
input image of being of
the digit i
N = 100 hidden units
(user-defined
parameter)
Input
Hidden
Output
Nervana Systems Proprietary
N=784
N=100
N=10
Total parameters:
𝑊@→B, 𝑏B
𝑊B→D, 𝑏D
𝑊@→B
𝑏B
𝑊B→D
𝑏D
784	x	100
100
100	x	10
10
= 84,600
𝐿𝑎𝑦𝑒𝑟	𝑖
𝐿𝑎𝑦𝑒𝑟	𝑗
𝐿𝑎𝑦𝑒𝑟	𝑘
Nervana Systems Proprietary
Input
Hidden
Output 1. Randomly seed weights
2. Forward-pass
3. Cost
4. Backward-pass
5. Update weights
Nervana Systems Proprietary
Input
Hidden
Output
𝑊@→B, 𝑏B ∼ 𝐺𝑎𝑢𝑠𝑠𝑖𝑎𝑛(0,1)
𝑊B→D, 𝑏D ∼ 𝐺𝑎𝑢𝑠𝑠𝑖𝑎𝑛(0,1)
Nervana Systems Proprietary
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
28x28
Input
Hidden
Output
Nervana Systems Proprietary
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
28x28
Input
Hidden
Output
0
0
0
1
0
0
0
0
0
0
Ground Truth
Cost function
𝑐(𝑜𝑢𝑡𝑝𝑢𝑡, 𝑡𝑟𝑢𝑡ℎ)
Nervana Systems Proprietary
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
Input
Hidden
Output
0
0
0
1
0
0
0
0
0
0
Ground Truth
Cost function
𝑐(𝑜𝑢𝑡𝑝𝑢𝑡, 𝑡𝑟𝑢𝑡ℎ)	
Δ𝑊@→B Δ𝑊B→D
Nervana Systems Proprietary
Input
Hidden
Output 𝐶 𝑦, 𝑡𝑟𝑢𝑡ℎ
𝑊∗
𝜕𝐶
𝜕𝑊∗
compute
Nervana Systems Proprietary
Input
Hidden
Output 𝐶 𝑦, 𝑡𝑟𝑢𝑡ℎ = 𝐶 𝑔 ∑(𝑊B→D 𝑥D + 𝑏D)
𝑊∗
Nervana Systems Proprietary
Input
Hidden
Output
𝐶 𝑦, 𝑡𝑟𝑢𝑡ℎ = 𝐶 𝑔 ∑(𝑊B→D 𝑥D + 𝑏D)
𝑎(𝑊B→D, 𝑥D)
=
𝑊B→D
∗
𝜕𝐶
𝜕𝑊∗
=
𝜕𝐶
𝜕𝑔

𝜕𝑔
𝜕𝑎

𝜕𝑎
𝜕𝑊∗
a
𝑔 = max	( 𝑎, 0)
a
𝑔′(𝑎)
= 𝐶 𝑔(𝑎 𝑊B→D, 𝑥D )
Nervana Systems Proprietary
Input
Hidden
Output 𝐶 𝑦, 𝑡𝑟𝑢𝑡ℎ = 𝐶 𝑔D(𝑎D 𝑊B→D, 𝑔B(𝑎B(𝑊@→B, 𝑥B))
𝜕𝐶
𝜕𝑊∗
=
𝜕𝐶
𝜕𝑔D

𝜕𝑔D
𝜕𝑎D

𝜕𝑎D
𝜕𝑔B

𝜕𝑔B
𝜕𝑎B

𝜕𝑎B
𝜕𝑊∗
𝐶 𝑦, 𝑡𝑟𝑢𝑡ℎ = 𝐶 𝑔D 𝑎D(𝑊B→D, 𝑥D = 𝑦B
𝑦B
𝑊@→B
∗
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝑑𝐽 𝒘(_)
𝑑𝒘
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝒘(#) = 𝒘(_) −			
𝑑𝐽 𝒘(_)
𝑑𝒘
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝒘(#) = 𝒘(_) − 𝛼
𝑑𝐽 𝒘(_)
𝑑𝒘
learning rate
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝒘(#) = 𝒘(_) − 𝛼
𝑑𝐽 𝒘(_)
𝑑𝒘
𝒘(#)
too small
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝒘(#) = 𝒘(_) − 𝛼
𝑑𝐽 𝒘(_)
𝑑𝒘
𝒘(#)
too large
Nervana Systems Proprietary
𝐽 𝒘(_) = ` 𝑐𝑜𝑠𝑡(𝒘(_), 𝒙𝑖)
b
@c#
𝒘𝒘(_)
𝒘(#) = 𝒘(_) − 𝛼
𝑑𝐽 𝒘(_)
𝑑𝒘
𝒘(#)
good enough
Nervana Systems Proprietary
𝐽 𝒘(#) = ` 𝑐𝑜𝑠𝑡(𝒘(#), 𝒙𝑖)
b
@c#
𝒘𝒘(%)
𝒘(%) = 𝒘(#) − 𝛼
𝑑𝐽 𝒘(#)
𝑑𝒘
𝒘(#)
Nervana Systems Proprietary
𝐽 𝒘(%) = ` 𝑐𝑜𝑠𝑡(𝒘(%), 𝒙𝑖)
b
@c#
𝒘
𝒘(0) = 𝒘(%) − 𝛼
𝑑𝐽 𝒘(%)
𝑑𝒘
𝒘(%)
𝒘(0)
Nervana Systems Proprietary
𝐽 𝒘(0) = ` 𝑐𝑜𝑠𝑡(𝒘(0), 𝒙𝑖)
b
@c#
𝒘
𝒘(g) = 𝒘(0) − 𝛼
𝑑𝐽 𝒘(0)
𝑑𝒘
𝒘(g)
𝒘(0)
Nervana Systems Proprietary
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
Nervana Systems Proprietary
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
Update weights via:
Δ𝑊 = 𝛼 ∗
1
𝑁
` 𝛿𝑊
Learning rate
Nervana Systems Proprietary
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
fprop cost bprop 𝛿𝑊
minibatch #1
weight update
minibatch #2
weight update
Nervana Systems Proprietary
Epoch 0
Epoch 1
Sample numbers:
• Learning rate ~0.001
• Batch sizes of 32-128
• 50-90 epochs
Nervana Systems Proprietary
SGDGradient Descent
Nervana Systems Proprietary
Krizhevsky, 2012
60 million parameters
120 million parameters
Taigman, 2014
Nervana Systems Proprietary
50
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
Dataset Model/Layers Activation OptimizerCost
𝐶(𝑦, 𝑡)
Nervana Systems Proprietary
Filter + Non-Linearity
Pooling
Filter + Non-Linearity
Fully connected layers
…
“how can
I help
you?”
cat
Low level features
Mid level features
Object parts, phonemes
Objects, words
*Hinton et al., LeCun, Zeiler, Fergus
Filter + Non-Linearity
Pooling
Nervana Systems Proprietary
Tanh Rectified Linear UnitLogistic
-1
1
1
0
𝑔 𝑎 =
𝑒j
∑ 𝑒jk
D
Softmax
Nervana Systems Proprietary
Gaussian Gaussian(mean, sd)
GlorotUniform Uniform(-k, k)
Xavier Uniform(k, k)
Kaiming Gaussian(0, sigma)
𝑘 =
6
𝑑@m + 𝑑nop
𝑘 =
3
𝑑@m
𝜎 =
2
𝑑@m
Nervana Systems Proprietary
• Cross Entropy Loss
• Misclassification Rate
• Mean Squared Error
• L1 loss
Nervana Systems Proprietary
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
0
0
0
1
0
0
0
0
0
0
Ground Truth
− ` 𝑡D×log	( 𝑦D)
D
= −log	(0.3)
Nervana Systems Proprietary
0.3 0.3 0.4
0.3 0.4 0.3
0.1 0.2 0.7
0 0 1
0 1 0
1 0 0
Outputs Targets Correct?
Y
Y
N
0.1 0.2 0.7
0.1 0.7 0.2
0.3 0.4 0.3
0 0 1
0 1 0
1 0 0
Y
Y
N
-(log(0.4) + log(0.4) + log(0.1))/3
=1.38
-(log(0.7) + log(0.7) + log(0.3))/3
=0.64
Nervana Systems Proprietary
• SGD with Momentum
• RMS propagation
• Adagrad
• Adadelta
• Adam
Nervana Systems Proprietary
Δ𝑊# Δ𝑊% Δ𝑊0 Δ𝑊g
training time
𝛼pcx
y
=
𝛼
∑ Δ𝑊p
%pcx
pc_
Nervana Systems Proprietary
Δ𝑊# Δ𝑊% Δ𝑊0 Δ𝑊g
training time
𝛼pcg
y
=
𝛼
Δ𝑊%
% + Δ𝑊0
% + Δ𝑊g
%
Nervana Systems Proprietary
61
• Intel Nervana overview
• Machine learning basics
• What is deep learning?
• Basic deep learning concepts
• Model ingredients in-depth
• Deep learning with neon
Nervana Systems Proprietary
Nervana Systems Proprietary
Nervana Systems Proprietary
•Popular, well established, developer familiarity
•Fast to prototype
•Rich ecosystem of existing packages.
•Data Science: pandas, pycuda, ipython, matplotlib, h5py, …
•Good “glue” language: scriptable plus functional and OO support,
plays well with other languages
Nervana Systems Proprietary
Backend NervanaGPU, NervanaCPU
Datasets
MNIST, CIFAR-10, Imagenet 1K, PASCAL VOC, Mini-Places2, IMDB, Penn Treebank,
Shakespeare Text, bAbI, Hutter-prize, UCF101, flickr8k, flickr30k, COCO
Initializers Constant, Uniform, Gaussian, Glorot Uniform, Xavier, Kaiming, IdentityInit, Orthonormal
Optimizers Gradient Descent with Momentum, RMSProp, AdaDelta, Adam, Adagrad,MultiOptimizer
Activations Rectified Linear, Softmax, Tanh, Logistic, Identity, ExpLin
Layers
Linear, Convolution, Pooling, Deconvolution, Dropout, Recurrent,Long Short-
Term Memory, Gated Recurrent Unit, BatchNorm, LookupTable,Local Response Normali
zation, Bidirectional-RNN, Bidirectional-LSTM
Costs Binary Cross Entropy, Multiclass Cross Entropy, Sum of Squares Error
Metrics Misclassification (Top1, TopK), LogLoss, Accuracy, PrecisionRecall, ObjectDetection
Nervana Systems Proprietary
1. Generate backend
2. Load data
3. Specify model architecture
4. Define training parameters
5. Train model
6. Evaluate
Nervana Systems Proprietary
NERVANA
andres.rodriguez@intel.com

Weitere ähnliche Inhalte

Was ist angesagt?

Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
Turi, Inc.
 

Was ist angesagt? (20)

Deep Learning at Scale
Deep Learning at ScaleDeep Learning at Scale
Deep Learning at Scale
 
Anil Thomas - Object recognition
Anil Thomas - Object recognitionAnil Thomas - Object recognition
Anil Thomas - Object recognition
 
Nervana and the Future of Computing
Nervana and the Future of ComputingNervana and the Future of Computing
Nervana and the Future of Computing
 
Rethinking computation: A processor architecture for machine intelligence
Rethinking computation: A processor architecture for machine intelligenceRethinking computation: A processor architecture for machine intelligence
Rethinking computation: A processor architecture for machine intelligence
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural NetsPython for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
 
Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in Boston
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNet
 
Using neon for pattern recognition in audio data
Using neon for pattern recognition in audio dataUsing neon for pattern recognition in audio data
Using neon for pattern recognition in audio data
 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile Phones
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to deep learning in python and Matlab
Introduction to deep learning in python and MatlabIntroduction to deep learning in python and Matlab
Introduction to deep learning in python and Matlab
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN Applications
 
Moving Toward Deep Learning Algorithms on HPCC Systems
Moving Toward Deep Learning Algorithms on HPCC SystemsMoving Toward Deep Learning Algorithms on HPCC Systems
Moving Toward Deep Learning Algorithms on HPCC Systems
 
KERAS Python Tutorial
KERAS Python TutorialKERAS Python Tutorial
KERAS Python Tutorial
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer Vision
 
Scalable Deep Learning Using Apache MXNet
Scalable Deep Learning Using Apache MXNetScalable Deep Learning Using Apache MXNet
Scalable Deep Learning Using Apache MXNet
 

Andere mochten auch

Intel xeon phi coprocessor slideshare ppt
Intel xeon phi coprocessor slideshare pptIntel xeon phi coprocessor slideshare ppt
Intel xeon phi coprocessor slideshare ppt
Intel IT Center
 
1 구글의탄생
1 구글의탄생1 구글의탄생
1 구글의탄생
Yongjin Yim
 
OPEN_POWER8_SESSION_20150316
OPEN_POWER8_SESSION_20150316OPEN_POWER8_SESSION_20150316
OPEN_POWER8_SESSION_20150316
기한 김
 
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High GearIntel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
IntelAPAC
 

Andere mochten auch (18)

Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
 
An Analysis of Convolution for Inference
An Analysis of Convolution for InferenceAn Analysis of Convolution for Inference
An Analysis of Convolution for Inference
 
High-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep LearningHigh-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep Learning
 
RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016
 
フォントの選び方・使い方
フォントの選び方・使い方フォントの選び方・使い方
フォントの選び方・使い方
 
Design in Tech Report 2017
Design in Tech Report 2017Design in Tech Report 2017
Design in Tech Report 2017
 
Some experiences for porting application to Intel Xeon Phi
Some experiences for porting application to Intel Xeon PhiSome experiences for porting application to Intel Xeon Phi
Some experiences for porting application to Intel Xeon Phi
 
Intel xeon phi coprocessor slideshare ppt
Intel xeon phi coprocessor slideshare pptIntel xeon phi coprocessor slideshare ppt
Intel xeon phi coprocessor slideshare ppt
 
Using Xeon + FPGA for Accelerating HPC Workloads
Using Xeon + FPGA for Accelerating HPC WorkloadsUsing Xeon + FPGA for Accelerating HPC Workloads
Using Xeon + FPGA for Accelerating HPC Workloads
 
1 구글의탄생
1 구글의탄생1 구글의탄생
1 구글의탄생
 
IoT: Autonomous and Smart- Paul Guermonprez
IoT: Autonomous and Smart- Paul GuermonprezIoT: Autonomous and Smart- Paul Guermonprez
IoT: Autonomous and Smart- Paul Guermonprez
 
OPEN_POWER8_SESSION_20150316
OPEN_POWER8_SESSION_20150316OPEN_POWER8_SESSION_20150316
OPEN_POWER8_SESSION_20150316
 
Startup Bootcamp - Session 4 of 8 - How to get your Startup Going
Startup Bootcamp - Session 4 of 8 - How to get your Startup GoingStartup Bootcamp - Session 4 of 8 - How to get your Startup Going
Startup Bootcamp - Session 4 of 8 - How to get your Startup Going
 
중국의 슈퍼컴퓨터 연구개발
중국의 슈퍼컴퓨터 연구개발중국의 슈퍼컴퓨터 연구개발
중국의 슈퍼컴퓨터 연구개발
 
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High GearIntel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
Intel APJ Enterprise Day - Intel puts Automotive Innovation into High Gear
 
IoT & Machine Learning
IoT & Machine LearningIoT & Machine Learning
IoT & Machine Learning
 
Video Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model ExampleVideo Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model Example
 
Accelerated Computing: The Path Forward
Accelerated Computing: The Path ForwardAccelerated Computing: The Path Forward
Accelerated Computing: The Path Forward
 

Ähnlich wie Intel Nervana Artificial Intelligence Meetup 1/31/17

Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Spark Summit
 

Ähnlich wie Intel Nervana Artificial Intelligence Meetup 1/31/17 (20)

Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
 
Deep learning with TensorFlow
Deep learning with TensorFlowDeep learning with TensorFlow
Deep learning with TensorFlow
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVER[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVER
 
Deep learning: the future of recommendations
Deep learning: the future of recommendationsDeep learning: the future of recommendations
Deep learning: the future of recommendations
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
Machine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspectiveMachine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspective
 
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
 
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 

Kürzlich hochgeladen

Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Safe Software
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
panagenda
 

Kürzlich hochgeladen (20)

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...
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
Bajaj Allianz Life Insurance Company - Insurer Innovation Award 2024
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
GenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdfGenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdf
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of Terraform
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Top 5 Benefits OF Using Muvi Live Paywall For Live Streams
Top 5 Benefits OF Using Muvi Live Paywall For Live StreamsTop 5 Benefits OF Using Muvi Live Paywall For Live Streams
Top 5 Benefits OF Using Muvi Live Paywall For Live Streams
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Deploy with confidence: VMware Cloud Foundation 5.1 on next gen Dell PowerEdg...
Deploy with confidence: VMware Cloud Foundation 5.1 on next gen Dell PowerEdg...Deploy with confidence: VMware Cloud Foundation 5.1 on next gen Dell PowerEdg...
Deploy with confidence: VMware Cloud Foundation 5.1 on next gen Dell PowerEdg...
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 

Intel Nervana Artificial Intelligence Meetup 1/31/17