SlideShare uma empresa Scribd logo
1 de 44
Baixar para ler offline
© 2016, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
November 2016
MAC205
Deep Learning at Cloud Scale
Improving Video Discoverability by Scaling Up Caffe on AWS
Andres Rodriguez, PhD, Solutions Architect, Intel Corporation
Juan Carlos Riverio, CEO, Vilynx
Content Outline
• Deep learning overview and usages
• Worked example for fine-tuning a NN
• Some theory behind deep learning
• Vilynx – videos discoverability
2
Deep Learning
• A branch of machine learning
• Data is passed through multiple non-linear
transformations
• Goal: Learn the parameters of the transformation that
minimize a cost function
3
Bigger Data Better Hardware Smarter Algorithms
Why Now?
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
4
Types of Deep Learning
• Supervised learning
• Data -> Labels
• Unsupervised learning
• No labels; Clustering; Reducing dimensionality
• Reinforcement learning
• Reward actions (e.g., robotics)
http://ode.engin.umich.edu/presentations/idetc2014/img/image_feature_learning_clear.png
5
data
output expected
…
0.10 0.15 0.20 …0.05
person cat dog bike
0 1 0 … 0
person cat dog bike
penalty
(error or cost)
…
Forward
Propagation
Back
Propagation
Training
6
data
output expected
…
person cat dog bike
0 1 0 … 0
person cat dog bike
inference
Training
0.10 0.15 0.20 0.05
penalty
(error or cost)
7
…
…
Forward
Propagation
Back
Propagation
Deep Learning Use Cases
• Fraud / face detection
• Gaming, check processing
• Computer server
monitoring
• Financial forecasting and
prediction
• Network intrusion
detection
• Recommender systems
• Personal assistant
• Automatic Speech
recognition
• Natural language
processing
• Image & Video
recognition/tagging
• Targeted Ads
Cloud Service
Providers
Financial
Services
Healthcare
Automotive
8
Optimized Deep Learning Environment
Fuel the development of vertical solutions
Deliver excellent deep learning environment
Develop deep networks across frameworks
Maximum performance on Intel architecture
EC2
Intel® Math Kernel Library (Intel® MKL)
9
Elastic Compute Cloud (EC2)
C4 Instances
• “Highest performing processors and the lowest price/compute
performance in EC2”1
• Vilynx
• Deep learning for video content extraction
• Supports various companies: CBS, TBS, etc.
•
1https://aws.amazon.com/ec2/instance-types/https://www.stlmag.com/news/st-louis-app-pikazo-will-turn-your-profile-picture/
• Pikazo app
• Transforms photos into artistic render
10
Elastic Compute Cloud (EC2)
C4 Instances
c4.8xlarge On-Demand:
• $1.675/hr
GoogleNet inference:
• batch size 32
• 237 ims/sec = 4.2 ms/im
• 1 million images costs
$1.96
Spot prices are cheaper
OS: Linux version 3.13.0-86-generic (buildd@lgw01-51) (gcc version 4.8.2 (Ubuntu 4.8.2-19ubuntu1) ) #131-Ubuntu SMP Thu May 12 23:33:13
UTC 2016. MxNet Tip of tree: commit de41c736422d730e7cfad72dd6afc229ce08cf90, Tue Nov 1 11:43:04 2016 +0800. MKL 2017 Gold update 1
11
6.1 2.4 1.2 0.8
679.5
262.5
79.7 73.9
0
200
400
600
800
AlexNet GoogLeNet v1 ResNet-50 GoogLeNet v3
Images/Sec
c4.8xlarge MXNet Inference
No MKL MKL
Intel® Math Kernel Library 2017 (Intel® MKL 2017)
• Optimized for EC2 instances with Intel® Xeon® CPUs
• Optimized for common deep learning operations
• GEMM (useful in RNNs and fully connected layers)
• Convolutions
• Pooling
• ReLU
• Batch normalization
Recurrent NN Convolutional NN
12
Naïve Convolution
https://en.wikipedia.org/wiki/Convolutional_neural_network
13
Cache Friendly Convolution
arxiv.org/pdf/1602.06709v1.pdf
14
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
15
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝑑𝐽 𝒘(0)
𝑑𝒘
16
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝒘(1)
= 𝒘(0)
−
𝑑𝐽 𝒘(0)
𝑑𝒘
17
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝒘(1)
= 𝒘(0)
− 𝛼
𝑑𝐽 𝒘(0)
𝑑𝒘
learning rate
18
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝒘(1)
= 𝒘(0)
− 𝛼
𝑑𝐽 𝒘(0)
𝑑𝒘
𝒘(1)
too small
19
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝒘(1)
= 𝒘(0)
− 𝛼
𝑑𝐽 𝒘(0)
𝑑𝒘
𝒘(1)
too large
20
Gradient Descent
𝐽 𝒘(0)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(0)
, 𝒙𝑖)
𝒘𝒘(0)
𝒘(1)
= 𝒘(0)
− 𝛼
𝑑𝐽 𝒘(0)
𝑑𝒘
𝒘(1)
good enough
21
Gradient Descent
𝐽 𝒘(1)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(1)
, 𝒙𝑖)
𝒘𝒘(2)
𝒘(2)
= 𝒘(1)
− 𝛼
𝑑𝐽 𝒘(1)
𝑑𝒘
𝒘(1)
22
Gradient Descent
𝐽 𝒘(2)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(2)
, 𝒙𝑖)
𝒘
𝒘(3)
= 𝒘(2)
− 𝛼
𝑑𝐽 𝒘(2)
𝑑𝒘
𝒘(2)
𝒘(3)
23
Gradient Descent
𝐽 𝒘(3)
=
𝑖=1
𝑁
𝑐𝑜𝑠𝑡(𝒘(3)
, 𝒙𝑖)
𝒘
𝒘(4)
= 𝒘(3)
− 𝛼
𝑑𝐽 𝒘(3)
𝑑𝒘
𝒘(4)
𝒘(3)
24
Transfer learning via fine-tuning
• First few layers are usually very similar within a domain
• Last layers are task specific
• Take a trained model and fine-tune it for a particular task
http://vision.stanford.edu/Datasets/collage_s.png
https://www.kaggle.com/c/dogs-vs-cats
http://adas.cvc.uab.es/task-cv2016/papers/0026.pdf
25
• Install Intel-Optimized Caffe (or your favorite framework)
• https://software.intel.com/en-us/articles/training-and-deploying-deep-
learning-networks-with-caffe-optimized-for-intel-architecture
• Download a pre-trained model
• http://dl.caffe.berkeleyvision.org/bvlc_reference_caffenet.caffemodel
• Modify the training model (next slide)
Fine-tuning steps
26
Fine-tuning: ILSVRC -> DogsVsCats
layer {
name: "data"
type: "Data"
data_param {
source: "ilsvrc12_train_lmdb"
...
}
...
}
...
layer {
name: "fc8"
type: "InnerProduct"
inner_product_param {
num_output: 1000
...
}
}
layer {
name: "data"
type: "Data"
data_param {
source: “dogs_cats_train_lmdb"
...
}
...
}
...
layer {
name: "fc8-ft"
type: "InnerProduct"
inner_product_param {
num_output: 2
...
}
}
>> # From the command line
>> caffe train -solver solver.prototxt -weights trainedModel.caffemodel
27
Fine-tuning guidelines
• Freeze all but the last layer (or more if new dataset is very different)
• lr_mult=0 in local learning rates
• Earlier layer weights won't change very much
• Drop the initial learning rate (in the solver.prototxt) by 10x
Replace 1000 with 2 unit layer
Train the 4096+1 x 2 weights
http://www.mdpi.com/remotesensing/remotesensing-07-14680/article_deploy/html/images/remotesensing-07-14680-g002-1024.png
28
Demo
• Fine-tune trained model for dog vs cats
http://vision.stanford.edu/Datasets/collage_s.png
https://www.kaggle.com/c/dogs-vs-cats
29
© 2016, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Juan Carlos Riveiro: CEO and Cofounder
30
How?...
Building the biggest dataset for video deep learning by auto tagging selected video
scenes in real-time and leveraging web and social media to continues update the tags
Hello. We're Vilynx, the video personalization company
We select the relevant contents targeted to individual needs
solving the content discovery problem.
Benefit?..
Increase views, time spent watching videos and in video search.
Markets: Media, Smart Phones, Drones, Security, Robots, Smart Cities.
31
Outstanding Tech Team: Experienced and Very Successful
Juan Carlos Riveiro, CEO
More than 100 patents in Signal Processing, Data
statistics/algorithms and Machine Learning.
Founder and CEO of Gigle Networks (Acquired by
Broadcom),
CTO & VP of R&D at DS2 (Acquired by Marvell).
Elisenda Bou, CTO
PhD from UPC and MIT and expert on Machine Learning
and Complex SW Architectures. Worked on adaptive
satellite control systems and recipient of the 2013 Google
Faculty Research Awards.
José Cordero Rama
MS for Deep Learning at UPC/BSC
Data Scientist at King, Bdigital and Gen-Med
Joan Capdevila, PhD
MS and PhD for Machine Learning
At Georgia Tech and UPC/BSC
Data Scientist at AIS and Accenture
Jordi Pont-Tuset, PhD
PostDoc on Machine Learning at ETH Zurich
PhD on Image Segmentation at UPC
Disney Research
Asier Aduriz
Computer Science and Telecom Engineering
degree at UPC (Top 1% of class)
Engineer at CERN.
Dèlia Fernàndez
MS on Deep Learning at Columbia University
Signal Processing Researcher at Northeastern University
Data Scientist at InnoTech
David Varas, PhD
PhD for Video Object Tracking at UPC
Adjunct Professor on Computer Vision &
Statistical Signal Processing at UPC
32
Vilynx: Indexing Visual Knowledge
8 cameras/car
Smart Cities
Connecting Everything
VR/AR Changing Everything
A camera at every
corner in London
Drones everywhere (Amazon)
How is all this visual content going to be indexed?
Just like the internet before Google
+1000 hours of video uploaded
every minute in internet
33
The Vilynx Knowledge Graph
The average vocabulary of a 5-year
old is 5000 words
• 4800 words/concepts
• 1.8 tags per video
• 8M videos
The average vocabulary of an adult
is 30,000 words
• 2M words/concepts
• 50 tags per video
• 10M videos 34
First Market driven by Video Content Producers
Media companies need content personalization to drive audience
through multiple channels
35
Some Customer Examples:
http://www.cbs.com/shows/the-late-
show-with-stephen-colbert/
https://www.americasgreatestmakers.com/
http://www.vanitatis.elconfidencial.com/
36
Vilynx Products
Inputs:
Outputs:
Applications:
37
Videos Audience Data
Contextual Data:
Social Networks, YouTube, Web
Key 5 sec clips Intelligent Auto Tagging
• Better video
discovery
• Native Ad
integration
• Programmatic
Ad matching
• More video
views and
longer
engagement
times
• VOD & Live
Events
• Drive branding
• Amplification
with keyword
recommendation
• Drive Click
through rates
• Better user
experience
Video Thumbnails Social Sharing Recommendations Video Search Ad Market
Vilynx | Workflow
Machine Learning or Deep Learning
4
3
12
98% accuracy to find the relevant parts of the video
CTR increase between 50% to 500% (customer validated)
38
1. We ingest customer videos and
the contextual information
around it.
2. We then take cues from around
the Web and social networks.
3. This combined input is fed to the
most advanced convolutional
deep neural network in the
industry.
4. Output are video previews
optimized to engage your
audience and rich metadata that
can further drive your video
content.
 A data training set of video moments that includes:
 10M (and growing) tagged 5 sec video moments,
ImageNet for video has only 4000 moments
 2M Contextual tags (and growing)
 Continuously updated training set of new tags by
crawling of social media/the web
 Real time unsupervised training of the network to
autonomously learn and identify new patterns
Advancing Deep Learning Networks:
Move from simple classification to indexing all visual content
39
Demo Results
• Fine-tune dogs vs cats classifier results
http://vision.stanford.edu/Datasets/collage_s.png
https://www.kaggle.com/c/dogs-vs-cats
40
Call to action
• Use Intel Optimized Frameworks for workloads
• https://github.com/intel/caffe
• https://github.com/dmlc/mxnet
• https://github.com/intel/theano
• https://github.com/intel/torch
• other frameworks coming soon…
• Deep learning tutorial
• https://software.intel.com/en-us/articles/training-and-deploying-deep-learning-networks-with-caffe-
optimized-for-intel-architecture
• Distributed training of deep networks on AWS
• https://software.intel.com/en-us/articles/distributed-training-of-deep-networks-on-amazon-web-
services-aws
41
Legal Notices & Disclaimers
This document contains information on products, services and/or processes in development. All information provided here is subject to change without notice.
Contact your Intel representative to obtain the latest forecast, schedule, specifications and roadmaps.
Intel technologies’ features and benefits depend on system configuration and may require enabled hardware, software or service activation. Learn more at
intel.com, or from the OEM or retailer. No computer system can be absolutely secure.
Tests document performance of components on a particular test, in specific systems. Differences in hardware, software, or configuration will affect actual
performance. Consult other sources of information to evaluate performance as you consider your purchase. For more complete information about performance
and benchmark results, visit http://www.intel.com/performance.
Cost reduction scenarios described are intended as examples of how a given Intel-based product, in the specified circumstances and configurations, may
affect future costs and provide cost savings. Circumstances will vary. Intel does not guarantee any costs or cost reduction.
Statements in this document that refer to Intel’s plans and expectations for the quarter, the year, and the future, are forward-looking statements that involve a
number of risks and uncertainties. A detailed discussion of the factors that could affect Intel’s results and plans is included in Intel’s SEC filings, including the
annual report on Form 10-K.
The products described may contain design defects or errors known as errata which may cause the product to deviate from published specifications. Current
characterized errata are available on request.
No license (express or implied, by estoppel or otherwise) to any intellectual property rights is granted by this document.
Intel does not control or audit third-party benchmark data or the web sites referenced in this document. You should visit the referenced web site and confirm
whether referenced data are accurate.
Intel, the Intel logo, Pentium, Celeron, Atom, Core, Xeon and others are trademarks of Intel Corporation in the U.S. and/or other countries.
*Other names and brands may be claimed as the property of others.
© 2016 Intel Corporation.
42
Thank you!
(huge) contributions from:
Joseph Spisak, Elisenda Bou, Hendrik Van der Meer, Zhenlin Luo, Ravi Panchumarthy,
Ryan Saffores, Niv Sundaram, and many more..
Remember to complete
your evaluations!

Mais conteúdo relacionado

Mais procurados

AWS Webcast - Amazon Kinesis and Apache Storm
AWS Webcast - Amazon Kinesis and Apache StormAWS Webcast - Amazon Kinesis and Apache Storm
AWS Webcast - Amazon Kinesis and Apache StormAmazon Web Services
 
Partner webinar presentation aws pebble_treasure_data
Partner webinar presentation aws pebble_treasure_dataPartner webinar presentation aws pebble_treasure_data
Partner webinar presentation aws pebble_treasure_dataTreasure Data, Inc.
 
AWS Cloud for HPC and Big Data
AWS Cloud for HPC and Big DataAWS Cloud for HPC and Big Data
AWS Cloud for HPC and Big Datainside-BigData.com
 
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017Interactive Analytics on AWS - AWS Summit Tel Aviv 2017
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017Amazon Web Services
 
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of Amazon
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of AmazonBig Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of Amazon
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of AmazonData Con LA
 
AWS re:Invent 2016: Storage State of the Union (STG201)
AWS re:Invent 2016: Storage State of the Union (STG201)AWS re:Invent 2016: Storage State of the Union (STG201)
AWS re:Invent 2016: Storage State of the Union (STG201)Amazon Web Services
 
Building A Modern Data Analytics Architecture on AWS
Building A Modern Data Analytics Architecture on AWSBuilding A Modern Data Analytics Architecture on AWS
Building A Modern Data Analytics Architecture on AWSAmazon Web Services
 
AWS Webcast - An Introduction to High Performance Computing on AWS
AWS Webcast - An Introduction to High Performance Computing on AWSAWS Webcast - An Introduction to High Performance Computing on AWS
AWS Webcast - An Introduction to High Performance Computing on AWSAmazon Web Services
 
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...Amazon Web Services
 
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech Talks
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech TalksDeep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech Talks
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech TalksAmazon Web Services
 
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017Amazon Web Services
 
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud EcosystemAmazon Web Services
 
What's New with Big Data Analytics
What's New with Big Data AnalyticsWhat's New with Big Data Analytics
What's New with Big Data AnalyticsAmazon Web Services
 
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...Amazon Web Services
 
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...Amazon Web Services
 
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...Amazon Web Services
 

Mais procurados (20)

AWS Webcast - Amazon Kinesis and Apache Storm
AWS Webcast - Amazon Kinesis and Apache StormAWS Webcast - Amazon Kinesis and Apache Storm
AWS Webcast - Amazon Kinesis and Apache Storm
 
Partner webinar presentation aws pebble_treasure_data
Partner webinar presentation aws pebble_treasure_dataPartner webinar presentation aws pebble_treasure_data
Partner webinar presentation aws pebble_treasure_data
 
AWS Cloud for HPC and Big Data
AWS Cloud for HPC and Big DataAWS Cloud for HPC and Big Data
AWS Cloud for HPC and Big Data
 
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017Interactive Analytics on AWS - AWS Summit Tel Aviv 2017
Interactive Analytics on AWS - AWS Summit Tel Aviv 2017
 
AWS for HPC in Drug Discovery
AWS for HPC in Drug DiscoveryAWS for HPC in Drug Discovery
AWS for HPC in Drug Discovery
 
Deep Dive on Amazon DynamoDB
Deep Dive on Amazon DynamoDBDeep Dive on Amazon DynamoDB
Deep Dive on Amazon DynamoDB
 
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of Amazon
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of AmazonBig Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of Amazon
Big Data Day LA 2015 - The AWS Big Data Platform by Michael Limcaco of Amazon
 
HPC in the Cloud
HPC in the CloudHPC in the Cloud
HPC in the Cloud
 
AWS re:Invent 2016: Storage State of the Union (STG201)
AWS re:Invent 2016: Storage State of the Union (STG201)AWS re:Invent 2016: Storage State of the Union (STG201)
AWS re:Invent 2016: Storage State of the Union (STG201)
 
Building A Modern Data Analytics Architecture on AWS
Building A Modern Data Analytics Architecture on AWSBuilding A Modern Data Analytics Architecture on AWS
Building A Modern Data Analytics Architecture on AWS
 
Create cloud service on AWS
Create cloud service on AWSCreate cloud service on AWS
Create cloud service on AWS
 
AWS Webcast - An Introduction to High Performance Computing on AWS
AWS Webcast - An Introduction to High Performance Computing on AWSAWS Webcast - An Introduction to High Performance Computing on AWS
AWS Webcast - An Introduction to High Performance Computing on AWS
 
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...
AWS re:Invent 2016: Simplified Data Center Migration—Lessons Learned by Live ...
 
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech Talks
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech TalksDeep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech Talks
Deep Dive: Amazon EC2 Elastic GPUs - May 2017 AWS Online Tech Talks
 
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017
Architectures for HPC and HTC Workloads on AWS | AWS Public Sector Summit 2017
 
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem
(ARC311) Decoding The Genetic Blueprint Of Life On A Cloud Ecosystem
 
What's New with Big Data Analytics
What's New with Big Data AnalyticsWhat's New with Big Data Analytics
What's New with Big Data Analytics
 
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...
AWS Storage and Database Architecture Best Practices (DAT203) | AWS re:Invent...
 
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...
AWS re:Invent 2016| GAM301 | How EA Leveraged Amazon Redshift and AWS Partner...
 
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...
Building HPC Clusters as Code in the (Almost) Infinite Cloud | AWS Public Sec...
 

Destaque

AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)Amazon Web Services
 
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)AWS re:Invent 2016: Deep Learning in Alexa (MAC202)
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)Amazon Web Services
 
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...Amazon Web Services
 
(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305Amazon Web Services
 
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...Spark Summit
 

Destaque (6)

AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
 
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)AWS re:Invent 2016: Deep Learning in Alexa (MAC202)
AWS re:Invent 2016: Deep Learning in Alexa (MAC202)
 
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...
AWS re:Invent 2016: Predicting Customer Churn with Amazon Machine Learning (M...
 
(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305
 
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...
Netflix's Recommendation ML Pipeline Using Apache Spark: Spark Summit East ta...
 
[系列活動] 機器學習速遊
[系列活動] 機器學習速遊[系列活動] 機器學習速遊
[系列活動] 機器學習速遊
 

Semelhante a AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverability by Scaling Up Caffe on AWS (MAC205)

Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Amazon Web Services
 
陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰台灣資料科學年會
 
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2Tyrone Systems
 
Deep learning on mobile
Deep learning on mobileDeep learning on mobile
Deep learning on mobileAnirudh Koul
 
Edge computing in practice using IoT, Tensorflow and Google Cloud
Edge computing in practice using IoT, Tensorflow and Google CloudEdge computing in practice using IoT, Tensorflow and Google Cloud
Edge computing in practice using IoT, Tensorflow and Google CloudAlvaro Viebrantz
 
Docker:- Application Delivery Platform Towards Edge Computing
Docker:- Application Delivery Platform Towards Edge ComputingDocker:- Application Delivery Platform Towards Edge Computing
Docker:- Application Delivery Platform Towards Edge ComputingBukhary Ikhwan Ismail
 
alphablues - ML applied to text and image in chat bots
alphablues - ML applied to text and image in chat botsalphablues - ML applied to text and image in chat bots
alphablues - ML applied to text and image in chat botsAndré Karpištšenko
 
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)Amazon Web Services
 
Application Delivery Platform Towards Edge Computing - Bukhary Ikhwan
Application Delivery Platform Towards Edge Computing - Bukhary IkhwanApplication Delivery Platform Towards Edge Computing - Bukhary Ikhwan
Application Delivery Platform Towards Edge Computing - Bukhary IkhwanOpenNebula Project
 
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...Maurice Nsabimana
 
Cloud Roundtable at Microsoft Switzerland
Cloud Roundtable at Microsoft Switzerland Cloud Roundtable at Microsoft Switzerland
Cloud Roundtable at Microsoft Switzerland mictc
 
Distributed DNN training: Infrastructure, challenges, and lessons learned
Distributed DNN training: Infrastructure, challenges, and lessons learnedDistributed DNN training: Infrastructure, challenges, and lessons learned
Distributed DNN training: Infrastructure, challenges, and lessons learnedWee Hyong Tok
 
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...Bharath Sudharsan
 
ML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.jsML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.jsC4Media
 
Real-time DeepLearning on IoT Sensor Data
Real-time DeepLearning on IoT Sensor DataReal-time DeepLearning on IoT Sensor Data
Real-time DeepLearning on IoT Sensor DataRomeo Kienzler
 
ML for embedded systems at the edge - NXP and Arm - FINAL.pdf
ML for embedded systems at the edge - NXP and Arm - FINAL.pdfML for embedded systems at the edge - NXP and Arm - FINAL.pdf
ML for embedded systems at the edge - NXP and Arm - FINAL.pdfsetagllib
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Codemotion
 
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...
TECHNICAL OVERVIEW NVIDIA DEEP  LEARNING PLATFORM Giant Leaps in Performance ...TECHNICAL OVERVIEW NVIDIA DEEP  LEARNING PLATFORM Giant Leaps in Performance ...
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...Willy Marroquin (WillyDevNET)
 

Semelhante a AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverability by Scaling Up Caffe on AWS (MAC205) (20)

Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
 
Amazon Deep Learning
Amazon Deep LearningAmazon Deep Learning
Amazon Deep Learning
 
陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰
 
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2
Explore Deep Learning Architecture using Tensorflow 2.0 now! Part 2
 
Deep learning on mobile
Deep learning on mobileDeep learning on mobile
Deep learning on mobile
 
IoT meets Big Data
IoT meets Big DataIoT meets Big Data
IoT meets Big Data
 
Edge computing in practice using IoT, Tensorflow and Google Cloud
Edge computing in practice using IoT, Tensorflow and Google CloudEdge computing in practice using IoT, Tensorflow and Google Cloud
Edge computing in practice using IoT, Tensorflow and Google Cloud
 
Docker:- Application Delivery Platform Towards Edge Computing
Docker:- Application Delivery Platform Towards Edge ComputingDocker:- Application Delivery Platform Towards Edge Computing
Docker:- Application Delivery Platform Towards Edge Computing
 
alphablues - ML applied to text and image in chat bots
alphablues - ML applied to text and image in chat botsalphablues - ML applied to text and image in chat bots
alphablues - ML applied to text and image in chat bots
 
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
 
Application Delivery Platform Towards Edge Computing - Bukhary Ikhwan
Application Delivery Platform Towards Edge Computing - Bukhary IkhwanApplication Delivery Platform Towards Edge Computing - Bukhary Ikhwan
Application Delivery Platform Towards Edge Computing - Bukhary Ikhwan
 
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
 
Cloud Roundtable at Microsoft Switzerland
Cloud Roundtable at Microsoft Switzerland Cloud Roundtable at Microsoft Switzerland
Cloud Roundtable at Microsoft Switzerland
 
Distributed DNN training: Infrastructure, challenges, and lessons learned
Distributed DNN training: Infrastructure, challenges, and lessons learnedDistributed DNN training: Infrastructure, challenges, and lessons learned
Distributed DNN training: Infrastructure, challenges, and lessons learned
 
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...
ECML PKDD 2021 ML meets IoT Tutorial Part II: Creating ML based Self learning...
 
ML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.jsML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.js
 
Real-time DeepLearning on IoT Sensor Data
Real-time DeepLearning on IoT Sensor DataReal-time DeepLearning on IoT Sensor Data
Real-time DeepLearning on IoT Sensor Data
 
ML for embedded systems at the edge - NXP and Arm - FINAL.pdf
ML for embedded systems at the edge - NXP and Arm - FINAL.pdfML for embedded systems at the edge - NXP and Arm - FINAL.pdf
ML for embedded systems at the edge - NXP and Arm - FINAL.pdf
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
 
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...
TECHNICAL OVERVIEW NVIDIA DEEP  LEARNING PLATFORM Giant Leaps in Performance ...TECHNICAL OVERVIEW NVIDIA DEEP  LEARNING PLATFORM Giant Leaps in Performance ...
TECHNICAL OVERVIEW NVIDIA DEEP LEARNING PLATFORM Giant Leaps in Performance ...
 

Mais de Amazon Web Services

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Amazon Web Services
 
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Amazon Web Services
 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateAmazon Web Services
 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSAmazon Web Services
 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Amazon Web Services
 
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Amazon Web Services
 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...Amazon Web Services
 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsAmazon Web Services
 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareAmazon Web Services
 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSAmazon Web Services
 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAmazon Web Services
 
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareDatabase Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareAmazon Web Services
 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWSAmazon Web Services
 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckAmazon Web Services
 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without serversAmazon Web Services
 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...Amazon Web Services
 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceAmazon Web Services
 

Mais de Amazon Web Services (20)

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
 
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
Big Data per le Startup: come creare applicazioni Big Data in modalità Server...
 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS Fargate
 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWS
 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot
 
Open banking as a service
Open banking as a serviceOpen banking as a service
Open banking as a service
 
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica l’offerta della tua startup sul mercato con i servizi Machine Lea...
 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
 
Computer Vision con AWS
Computer Vision con AWSComputer Vision con AWS
Computer Vision con AWS
 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatare
 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e web
 
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatareDatabase Oracle e VMware Cloud™ on AWS: i miti da sfatare
Database Oracle e VMware Cloud™ on AWS: i miti da sfatare
 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWS
 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch Deck
 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without servers
 
Fundraising Essentials
Fundraising EssentialsFundraising Essentials
Fundraising Essentials
 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container Service
 

Último

IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Scriptwesley chun
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxKatpro Technologies
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
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 CVKhem
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Servicegiselly40
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 

Último (20)

IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
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
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 

AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverability by Scaling Up Caffe on AWS (MAC205)

  • 1. © 2016, Amazon Web Services, Inc. or its Affiliates. All rights reserved. November 2016 MAC205 Deep Learning at Cloud Scale Improving Video Discoverability by Scaling Up Caffe on AWS Andres Rodriguez, PhD, Solutions Architect, Intel Corporation Juan Carlos Riverio, CEO, Vilynx
  • 2. Content Outline • Deep learning overview and usages • Worked example for fine-tuning a NN • Some theory behind deep learning • Vilynx – videos discoverability 2
  • 3. Deep Learning • A branch of machine learning • Data is passed through multiple non-linear transformations • Goal: Learn the parameters of the transformation that minimize a cost function 3
  • 4. Bigger Data Better Hardware Smarter Algorithms Why Now? 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 4
  • 5. Types of Deep Learning • Supervised learning • Data -> Labels • Unsupervised learning • No labels; Clustering; Reducing dimensionality • Reinforcement learning • Reward actions (e.g., robotics) http://ode.engin.umich.edu/presentations/idetc2014/img/image_feature_learning_clear.png 5
  • 6. data output expected … 0.10 0.15 0.20 …0.05 person cat dog bike 0 1 0 … 0 person cat dog bike penalty (error or cost) … Forward Propagation Back Propagation Training 6
  • 7. data output expected … person cat dog bike 0 1 0 … 0 person cat dog bike inference Training 0.10 0.15 0.20 0.05 penalty (error or cost) 7 … … Forward Propagation Back Propagation
  • 8. Deep Learning Use Cases • Fraud / face detection • Gaming, check processing • Computer server monitoring • Financial forecasting and prediction • Network intrusion detection • Recommender systems • Personal assistant • Automatic Speech recognition • Natural language processing • Image & Video recognition/tagging • Targeted Ads Cloud Service Providers Financial Services Healthcare Automotive 8
  • 9. Optimized Deep Learning Environment Fuel the development of vertical solutions Deliver excellent deep learning environment Develop deep networks across frameworks Maximum performance on Intel architecture EC2 Intel® Math Kernel Library (Intel® MKL) 9
  • 10. Elastic Compute Cloud (EC2) C4 Instances • “Highest performing processors and the lowest price/compute performance in EC2”1 • Vilynx • Deep learning for video content extraction • Supports various companies: CBS, TBS, etc. • 1https://aws.amazon.com/ec2/instance-types/https://www.stlmag.com/news/st-louis-app-pikazo-will-turn-your-profile-picture/ • Pikazo app • Transforms photos into artistic render 10
  • 11. Elastic Compute Cloud (EC2) C4 Instances c4.8xlarge On-Demand: • $1.675/hr GoogleNet inference: • batch size 32 • 237 ims/sec = 4.2 ms/im • 1 million images costs $1.96 Spot prices are cheaper OS: Linux version 3.13.0-86-generic (buildd@lgw01-51) (gcc version 4.8.2 (Ubuntu 4.8.2-19ubuntu1) ) #131-Ubuntu SMP Thu May 12 23:33:13 UTC 2016. MxNet Tip of tree: commit de41c736422d730e7cfad72dd6afc229ce08cf90, Tue Nov 1 11:43:04 2016 +0800. MKL 2017 Gold update 1 11 6.1 2.4 1.2 0.8 679.5 262.5 79.7 73.9 0 200 400 600 800 AlexNet GoogLeNet v1 ResNet-50 GoogLeNet v3 Images/Sec c4.8xlarge MXNet Inference No MKL MKL
  • 12. Intel® Math Kernel Library 2017 (Intel® MKL 2017) • Optimized for EC2 instances with Intel® Xeon® CPUs • Optimized for common deep learning operations • GEMM (useful in RNNs and fully connected layers) • Convolutions • Pooling • ReLU • Batch normalization Recurrent NN Convolutional NN 12
  • 16. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝑑𝐽 𝒘(0) 𝑑𝒘 16
  • 17. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝒘(1) = 𝒘(0) − 𝑑𝐽 𝒘(0) 𝑑𝒘 17
  • 18. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝒘(1) = 𝒘(0) − 𝛼 𝑑𝐽 𝒘(0) 𝑑𝒘 learning rate 18
  • 19. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝒘(1) = 𝒘(0) − 𝛼 𝑑𝐽 𝒘(0) 𝑑𝒘 𝒘(1) too small 19
  • 20. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝒘(1) = 𝒘(0) − 𝛼 𝑑𝐽 𝒘(0) 𝑑𝒘 𝒘(1) too large 20
  • 21. Gradient Descent 𝐽 𝒘(0) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(0) , 𝒙𝑖) 𝒘𝒘(0) 𝒘(1) = 𝒘(0) − 𝛼 𝑑𝐽 𝒘(0) 𝑑𝒘 𝒘(1) good enough 21
  • 22. Gradient Descent 𝐽 𝒘(1) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(1) , 𝒙𝑖) 𝒘𝒘(2) 𝒘(2) = 𝒘(1) − 𝛼 𝑑𝐽 𝒘(1) 𝑑𝒘 𝒘(1) 22
  • 23. Gradient Descent 𝐽 𝒘(2) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(2) , 𝒙𝑖) 𝒘 𝒘(3) = 𝒘(2) − 𝛼 𝑑𝐽 𝒘(2) 𝑑𝒘 𝒘(2) 𝒘(3) 23
  • 24. Gradient Descent 𝐽 𝒘(3) = 𝑖=1 𝑁 𝑐𝑜𝑠𝑡(𝒘(3) , 𝒙𝑖) 𝒘 𝒘(4) = 𝒘(3) − 𝛼 𝑑𝐽 𝒘(3) 𝑑𝒘 𝒘(4) 𝒘(3) 24
  • 25. Transfer learning via fine-tuning • First few layers are usually very similar within a domain • Last layers are task specific • Take a trained model and fine-tune it for a particular task http://vision.stanford.edu/Datasets/collage_s.png https://www.kaggle.com/c/dogs-vs-cats http://adas.cvc.uab.es/task-cv2016/papers/0026.pdf 25
  • 26. • Install Intel-Optimized Caffe (or your favorite framework) • https://software.intel.com/en-us/articles/training-and-deploying-deep- learning-networks-with-caffe-optimized-for-intel-architecture • Download a pre-trained model • http://dl.caffe.berkeleyvision.org/bvlc_reference_caffenet.caffemodel • Modify the training model (next slide) Fine-tuning steps 26
  • 27. Fine-tuning: ILSVRC -> DogsVsCats layer { name: "data" type: "Data" data_param { source: "ilsvrc12_train_lmdb" ... } ... } ... layer { name: "fc8" type: "InnerProduct" inner_product_param { num_output: 1000 ... } } layer { name: "data" type: "Data" data_param { source: “dogs_cats_train_lmdb" ... } ... } ... layer { name: "fc8-ft" type: "InnerProduct" inner_product_param { num_output: 2 ... } } >> # From the command line >> caffe train -solver solver.prototxt -weights trainedModel.caffemodel 27
  • 28. Fine-tuning guidelines • Freeze all but the last layer (or more if new dataset is very different) • lr_mult=0 in local learning rates • Earlier layer weights won't change very much • Drop the initial learning rate (in the solver.prototxt) by 10x Replace 1000 with 2 unit layer Train the 4096+1 x 2 weights http://www.mdpi.com/remotesensing/remotesensing-07-14680/article_deploy/html/images/remotesensing-07-14680-g002-1024.png 28
  • 29. Demo • Fine-tune trained model for dog vs cats http://vision.stanford.edu/Datasets/collage_s.png https://www.kaggle.com/c/dogs-vs-cats 29
  • 30. © 2016, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Juan Carlos Riveiro: CEO and Cofounder 30
  • 31. How?... Building the biggest dataset for video deep learning by auto tagging selected video scenes in real-time and leveraging web and social media to continues update the tags Hello. We're Vilynx, the video personalization company We select the relevant contents targeted to individual needs solving the content discovery problem. Benefit?.. Increase views, time spent watching videos and in video search. Markets: Media, Smart Phones, Drones, Security, Robots, Smart Cities. 31
  • 32. Outstanding Tech Team: Experienced and Very Successful Juan Carlos Riveiro, CEO More than 100 patents in Signal Processing, Data statistics/algorithms and Machine Learning. Founder and CEO of Gigle Networks (Acquired by Broadcom), CTO & VP of R&D at DS2 (Acquired by Marvell). Elisenda Bou, CTO PhD from UPC and MIT and expert on Machine Learning and Complex SW Architectures. Worked on adaptive satellite control systems and recipient of the 2013 Google Faculty Research Awards. José Cordero Rama MS for Deep Learning at UPC/BSC Data Scientist at King, Bdigital and Gen-Med Joan Capdevila, PhD MS and PhD for Machine Learning At Georgia Tech and UPC/BSC Data Scientist at AIS and Accenture Jordi Pont-Tuset, PhD PostDoc on Machine Learning at ETH Zurich PhD on Image Segmentation at UPC Disney Research Asier Aduriz Computer Science and Telecom Engineering degree at UPC (Top 1% of class) Engineer at CERN. Dèlia Fernàndez MS on Deep Learning at Columbia University Signal Processing Researcher at Northeastern University Data Scientist at InnoTech David Varas, PhD PhD for Video Object Tracking at UPC Adjunct Professor on Computer Vision & Statistical Signal Processing at UPC 32
  • 33. Vilynx: Indexing Visual Knowledge 8 cameras/car Smart Cities Connecting Everything VR/AR Changing Everything A camera at every corner in London Drones everywhere (Amazon) How is all this visual content going to be indexed? Just like the internet before Google +1000 hours of video uploaded every minute in internet 33
  • 34. The Vilynx Knowledge Graph The average vocabulary of a 5-year old is 5000 words • 4800 words/concepts • 1.8 tags per video • 8M videos The average vocabulary of an adult is 30,000 words • 2M words/concepts • 50 tags per video • 10M videos 34
  • 35. First Market driven by Video Content Producers Media companies need content personalization to drive audience through multiple channels 35
  • 37. Vilynx Products Inputs: Outputs: Applications: 37 Videos Audience Data Contextual Data: Social Networks, YouTube, Web Key 5 sec clips Intelligent Auto Tagging • Better video discovery • Native Ad integration • Programmatic Ad matching • More video views and longer engagement times • VOD & Live Events • Drive branding • Amplification with keyword recommendation • Drive Click through rates • Better user experience Video Thumbnails Social Sharing Recommendations Video Search Ad Market
  • 38. Vilynx | Workflow Machine Learning or Deep Learning 4 3 12 98% accuracy to find the relevant parts of the video CTR increase between 50% to 500% (customer validated) 38 1. We ingest customer videos and the contextual information around it. 2. We then take cues from around the Web and social networks. 3. This combined input is fed to the most advanced convolutional deep neural network in the industry. 4. Output are video previews optimized to engage your audience and rich metadata that can further drive your video content.
  • 39.  A data training set of video moments that includes:  10M (and growing) tagged 5 sec video moments, ImageNet for video has only 4000 moments  2M Contextual tags (and growing)  Continuously updated training set of new tags by crawling of social media/the web  Real time unsupervised training of the network to autonomously learn and identify new patterns Advancing Deep Learning Networks: Move from simple classification to indexing all visual content 39
  • 40. Demo Results • Fine-tune dogs vs cats classifier results http://vision.stanford.edu/Datasets/collage_s.png https://www.kaggle.com/c/dogs-vs-cats 40
  • 41. Call to action • Use Intel Optimized Frameworks for workloads • https://github.com/intel/caffe • https://github.com/dmlc/mxnet • https://github.com/intel/theano • https://github.com/intel/torch • other frameworks coming soon… • Deep learning tutorial • https://software.intel.com/en-us/articles/training-and-deploying-deep-learning-networks-with-caffe- optimized-for-intel-architecture • Distributed training of deep networks on AWS • https://software.intel.com/en-us/articles/distributed-training-of-deep-networks-on-amazon-web- services-aws 41
  • 42. Legal Notices & Disclaimers This document contains information on products, services and/or processes in development. All information provided here is subject to change without notice. Contact your Intel representative to obtain the latest forecast, schedule, specifications and roadmaps. Intel technologies’ features and benefits depend on system configuration and may require enabled hardware, software or service activation. Learn more at intel.com, or from the OEM or retailer. No computer system can be absolutely secure. Tests document performance of components on a particular test, in specific systems. Differences in hardware, software, or configuration will affect actual performance. Consult other sources of information to evaluate performance as you consider your purchase. For more complete information about performance and benchmark results, visit http://www.intel.com/performance. Cost reduction scenarios described are intended as examples of how a given Intel-based product, in the specified circumstances and configurations, may affect future costs and provide cost savings. Circumstances will vary. Intel does not guarantee any costs or cost reduction. Statements in this document that refer to Intel’s plans and expectations for the quarter, the year, and the future, are forward-looking statements that involve a number of risks and uncertainties. A detailed discussion of the factors that could affect Intel’s results and plans is included in Intel’s SEC filings, including the annual report on Form 10-K. The products described may contain design defects or errors known as errata which may cause the product to deviate from published specifications. Current characterized errata are available on request. No license (express or implied, by estoppel or otherwise) to any intellectual property rights is granted by this document. Intel does not control or audit third-party benchmark data or the web sites referenced in this document. You should visit the referenced web site and confirm whether referenced data are accurate. Intel, the Intel logo, Pentium, Celeron, Atom, Core, Xeon and others are trademarks of Intel Corporation in the U.S. and/or other countries. *Other names and brands may be claimed as the property of others. © 2016 Intel Corporation. 42
  • 43. Thank you! (huge) contributions from: Joseph Spisak, Elisenda Bou, Hendrik Van der Meer, Zhenlin Luo, Ravi Panchumarthy, Ryan Saffores, Niv Sundaram, and many more..