SlideShare une entreprise Scribd logo
1  sur  56
Télécharger pour lire hors ligne
IntroductiontoBigDLonApachespark*:
BringingDeepLearningtotheBigDataPlatform
Radhika Rangarajan – Engineering PM, Big Data Technologies
March 2017
Ack: Jason Dai, Yiheng Wang, Jiao Wang
2
CONTENT OUTLINE
 Concept Refresh
 WHY: Motivation for BigDL
 WHAT: Architecture , Features and Code
 WHERE: Use Cases
 HOW: Get Started with BigDL
3
Concept Refresh
AI
Data Analytics
Build a representation, query, or model that
enables descriptive, interactive, or predictive
analysis over any amount of diverse data
Sense, learn, reason, act, and adapt to the
real world without explicit programming
Perceptual Understanding
Detect patterns in audio or visual data
Machine Learning
Computational methods that use learning algorithms to build a
model from data (in supervised, unsupervised, semi-supervised, or
reinforcement mode)
Deep Learning
Algorithms inspired by neural networks
with multiple layers of neurons that
learn successively complex
representations
Convolutional Neural
Networks (CNN)
DL topology particularly
effective at image
classification
Training
Iteratively improve model accuracy
Prediction/Inference/Scoring
Deploy trained model to emit score / class
RBM
DBN
RNN
4
Concept Refresh
http://spark.apache.org/
Apache Spark* 101
5
What is BigDL?
BigDL is a distributed deep learning library for Apache Spark*
6
WHY:
Motivation for BigDL
7
Motivation for BigDL
Data Scale Driving Deep Learning Process
Andrew NG, Baidu.
NIPS 2016 Tutorial
8
Production ML/DL system is Complex
Motivation for BigDL
9
Motivation for BigDL
Unified Big Data Platform Driving Analytics and Data Science
10
Motivation for BigDL
The Missing Piece ?
11
BigDL – It is a BIG DEAL!
https://github.com/intel-analytics/BigDL
Open sourced on Dec 30, 2016
13
WHAT:
Architecture, Features and Code
14
• Write deep learning applications
as standard Spark programs
• Run on top of existing Spark or
Hadoop clusters (No change to
the clusters)
• Rich deep learning support
• High performance powered by
Intel MKL and multi-threaded
programming
• Efficient scale-out with an all-
reduce communications on Spark
Architecture, Features and Code
15
Architecture, Features and Code
• Training using synchronous mini-batch SGD
• Distributed training iterations run as standard Spark
jobs
16
Architecture, Features and Code
Distributed Training
• Model Parallelism
• Data Parallelism
A distributed training example,
(Jeff Dean, NIPS 2012)
17
“Canonical” implementation on Apache Spark
Driver becomes the bottleneck
• RDD.reduce / aggregate
• RDD.treeAggregate (shuffle)
Architecture, Features and Code
18
Architecture, Features and Code
BigDL distributed training:
• Implement an P2P All Reduce
Algorithm on Apache Spark
• Spark block manager as
parameter server (handle
different APIs of Spark 1.x/2.x)
• Compress float32 parameter to
float16 parameter
…
Training Set
Block Manager(Parameter Server)
Partition 1 Partition 2 Partition n
Worker
Gradient
1
2
Parameter
3
4
5
Worker
Gradient
1
2
Parameter
3
4
5
Worker
Gradient
1
2
Parameter
3
4
5
19
Architecture, Features and Code
Rich deep learning support
– Feature parity with existing DL
frameworks (e.g., Caffe and Torch)
– Load pre-trained Caffe or Torch
model into Spark programs
– Model Snapshot
• Useful in a long training
• Used in inference later
• Share your model with others
• Fine-tune the model
Caffe
Model File
Torch
Model File
Storage
BigDL
BigDL
Model File
Load
Save
20
Architecture, Features and Code
Integrates with Spark-ML Pipeline
• Wrapper with Spark ML Transformer
• Plug into Spark ML pipeline
• Support 1.5/1.6/2.0
DataFrame
Transfomer1
Transfomer2
DLClassifer
…
21
Spark
Streaming RDDs
Evaluator
BigDL
Model
StreamWriter
BigDL integrates with Spark Streaming for runtime training and prediction
HDFS/S3
Kafka
Flume
Kinesis
Twitter
Train
Predict
Architecture, Features and Code
22
Architecture, Features
and Code
Layers
 90+ Layers (Yiheng)
Criterion
 10+ loss functions
Optimization
 SGD, Adagrad, LBFGS
23
Architecture, Features and Code
BigDL provide examples to help developer play with BigDL and start with
popular models.
https://github.com/intel-analytics/BigDL/wiki/Examples
Models (Train and Inference Example Code):
 LeNet, Inception, VGG, ResNet, RNN, Auto-encoder
Examples:
• Text Classification
• Image Classification
• Load Torch/Caffe model
24
Architecture, Features and Code
Model on Data Set Top-1
Accuracy
LeNet5 on MNIST 99%
Vgg on Cifar10 90%
AlexNet OWT on ImageNet 56%
GoogleNetV1 on ImageNet 68%
25
Architecture, Features and Code
• High Single Node Performance
• Powered by Intel MKL.
• Benchmarked best on Xeon E5-26XX v3 or E5-26XX v4
• Efficient Scale-out
• Efficiently scale out to several 10s of Xeon servers on Spark to distributed
train some deep learning model on ImageNet dataset
For more complete information about performance and benchmark results, visit www.intel.com/benchmarks
26
BigDL APIs:
Tensor
 Multi-dimensional array of numeric types (e.g., Int, Float, Double, etc.)
Module
 Individual layers of the neural network (such as ReLU, Linear, SpatialConvolution, Sequential, etc.)
Criterion
 Given input and target, computing gradient per given loss function
DataSet
 Training, validation and test data
 Transformer: series of data transformations (->)
Engine
 Runtime environment for the training (e.g., node#, core#, spark vs. local, multi-threading, etc.)
Optimizer
 Local & distributed optimizer (synchronous mini-batch SGD)
 OptimMethod: SGD, AdaGrad, etc.
Architecture, Features and Code
27
Tensor
 A powerful ndarray data structure
 Generic data type
 Data manipulate / math APIs, model after torch
Architecture, Features and Code
28
Architecture, Features and Code
29
Build a simple model
Architecture, Features and Code
30
A full example
Architecture, Features and Code
31
Start with tutorials
https://github.com/intel-analytics/BigDL/wiki/Tutorials
Architecture, Features and Code
32
Architecture, Features and Code
Training LeNet on MNIST
“Hello World” for Deep learning
MNIST dataset (images of handwritten digits)
http://yann.lecun.com/exdb/mnist/
LeNet-5
http://yann.lecun.com/exdb/lenet/
33
Architecture, Features and Code
34
Architecture, Features and CodeArchitecture, Features and Code
“Hello World” for Deep learning
• sc is None for local mode;
• Program will run as either local
program or Spark program based on sc
value.
35
Architecture, Features and Code
“Hello World” for Deep learning
36
Architecture, Features and Code
“Hello World” for Deep learning
37
Architecture, Features and Code
“Hello World” for Deep learning
38
Architecture, Features and Code
“Hello World” for Deep learning
39
WHERE:
Use Cases
40
WHERE CAN I USE BIGDL?
 Analyze “big data” using deep learning on the same Hadoop/Spark cluster where
the data are stored
 Add deep learning functionalities to the Big Data (Spark) programs and/or
workflow
 Leverage existing Hadoop/Spark clusters to run deep learning applications
– Dynamically sharing with other workloads (e.g., ETL, data warehouse, feature
engineering, classical machine learning, graph analytics, etc.)
 Making deep learning more accessible for Big Data users and Data Scientists.
41
FRAUD DETECTION Using BigDL and SparkML
42
Product Defect Detection and Classification
(KeyStone ML Pipeline)
43
Language Model with RNN
Text
Preprocessing
RNN Model
Training
Sentence
Generating
 Sentence Tokenizer
 Dictionary Building
 Input Document
Transformer
Generated sentences
with regard to trigger
words.
44
RNN Model
See the code at:
https://github.com/intel-analytics/BigDL/tree/master/dl/src/main/scala/com/intel/analytics/bigdl/models/rnn
45
Learn from Shakespeare Poems
Output of RNN:
Long live the King . The King and Queen , and the Strange of the Veils of the
rhapsodic . and grapple, and the entreatments of the pressure .
Upon her head , and in the world ? `` Oh, the gods ! O Jove ! To whom the king :
`` O friends !
Her hair, nor loose ! If , my lord , and the groundlings of the skies . jocund and
Tasso in the Staggering of the Mankind . and
46
Fine-tune Caffe/Torch Model on Spark
BigDL Model
Fine-tune
Melancholy
Sunny
Macro
Caffe
Model
BigDL
Model
Torch
Model
Load
• Train on different dataset based on pre-trained model
• Predict image style instead of type
• Save training time and improve accuracy
Image source: https://www.flickr.com/photos/
47
Object Detection on PASCAL(http://host.robots.ox.ac.uk/pascal/VOC/)
48
Fast-RCNN
 Faster-RCNN is a popular object
detection framework
 It share the features between
detection network and region
proposal network
Ren, Shaoqing, et al. "Faster r-cnn: Towards
real-time object detection with region proposal
networks." Advances in neural information
processing systems. 2015.
49
Object Detection with Fast-RCNN
50
HOW:
Get Started with BigDL
51
Get Started with BigDL
 BigDL programs
– Run as either local Scala/Java programs, or Spark programs
 Interactive Scala shell (REPL) is a great way to get started
Type:
Scala shell:
52
BigDL Out-of-box run scripts on AWS
https://github.com/intel-analytics/BigDL/wiki/Running-on-EC2
Get Started with BigDL
53
BigDL On Github
https://github.com/intel-analytics/BigDL
Community
Mail List
bigdl-user-group+subscribe@googlegroups.com
Report bugs and feature request
https://github.com/intel-analytics/BigDL/issues
54
Key Contacts & Additional Resources
• Email: Jason.dai@intel.com (Chief Architect, BigDL)
• O'reilly Podcast/ Jason Dai
• https://soundcloud.com/oreilly-radar/deep-learning-for-apache-spark
• Databricks Blog
• https://databricks.com/blog/2017/02/09/intels-bigdl-databricks.html
• Spark Summit Talks
• https://spark-summit.org/east-2017/events/bigdl-a-distributed-deep-learning-library-on-spark/
• https://spark-summit.org/east-2017/events/building-deep-learning-powered-big-data/
• Intel Developer Zone for AI
• Video: https://software.intel.com/en-us/videos/bigdl-distributed-deep-learning-on-apache-spark
• Blog: https://software.intel.com/en-us/articles/bigdl-distributed-deep-learning-on-apache-spark
55
Q & A
BigDL webinar - Deep Learning Library for Spark

Contenu connexe

Tendances

Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)Thomas da Silva Paula
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with RPoo Kuan Hoong
 
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Greg Makowski
 
Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial Ligeng Zhu
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsGreg Makowski
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with KerasQuantUniversity
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionTe-Yen Liu
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningMadhu Sanjeevi (Mady)
 
Spark MLlib and Viral Tweets
Spark MLlib and Viral TweetsSpark MLlib and Viral Tweets
Spark MLlib and Viral TweetsAsim Jalis
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorRoelof Pieters
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural NetworksPyData
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflowCharmi Chokshi
 
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 2015Turi, Inc.
 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesAnirudh Koul
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017Shuai Zhang
 
Deep learning: the future of recommendations
Deep learning: the future of recommendationsDeep learning: the future of recommendations
Deep learning: the future of recommendationsBalázs Hidasi
 
Applying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksApplying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksDatabricks
 

Tendances (20)

Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
 
Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical Applications
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with Keras
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep Learning
 
Spark MLlib and Viral Tweets
Spark MLlib and Viral TweetsSpark MLlib and Viral Tweets
Spark MLlib and Viral Tweets
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
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
 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile Phones
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017
 
Deep learning: the future of recommendations
Deep learning: the future of recommendationsDeep learning: the future of recommendations
Deep learning: the future of recommendations
 
Applying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksApplying your Convolutional Neural Networks
Applying your Convolutional Neural Networks
 

Similaire à BigDL webinar - Deep Learning Library for Spark

BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...
BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...
BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...Databricks
 
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...Databricks
 
Profiling & Testing with Spark
Profiling & Testing with SparkProfiling & Testing with Spark
Profiling & Testing with SparkRoger Rafanell Mas
 
Build Large-Scale Data Analytics and AI Pipeline Using RayDP
Build Large-Scale Data Analytics and AI Pipeline Using RayDPBuild Large-Scale Data Analytics and AI Pipeline Using RayDP
Build Large-Scale Data Analytics and AI Pipeline Using RayDPDatabricks
 
Integrating Deep Learning Libraries with Apache Spark
Integrating Deep Learning Libraries with Apache SparkIntegrating Deep Learning Libraries with Apache Spark
Integrating Deep Learning Libraries with Apache SparkDatabricks
 
Very large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLVery large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLDESMOND YUEN
 
Running Emerging AI Applications on Big Data Platforms with Ray On Apache Spark
Running Emerging AI Applications on Big Data Platforms with Ray On Apache SparkRunning Emerging AI Applications on Big Data Platforms with Ray On Apache Spark
Running Emerging AI Applications on Big Data Platforms with Ray On Apache SparkDatabricks
 
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep Learning
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep LearningLeveraging Apache Spark for Scalable Data Prep and Inference in Deep Learning
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep LearningDatabricks
 
Data Analytics and Machine Learning: From Node to Cluster on ARM64
Data Analytics and Machine Learning: From Node to Cluster on ARM64Data Analytics and Machine Learning: From Node to Cluster on ARM64
Data Analytics and Machine Learning: From Node to Cluster on ARM64Ganesh Raju
 
BKK16-404B Data Analytics and Machine Learning- from Node to Cluster
BKK16-404B Data Analytics and Machine Learning- from Node to ClusterBKK16-404B Data Analytics and Machine Learning- from Node to Cluster
BKK16-404B Data Analytics and Machine Learning- from Node to ClusterLinaro
 
BKK16-408B Data Analytics and Machine Learning From Node to Cluster
BKK16-408B Data Analytics and Machine Learning From Node to ClusterBKK16-408B Data Analytics and Machine Learning From Node to Cluster
BKK16-408B Data Analytics and Machine Learning From Node to ClusterLinaro
 
Performance Characterization and Optimization of In-Memory Data Analytics on ...
Performance Characterization and Optimization of In-Memory Data Analytics on ...Performance Characterization and Optimization of In-Memory Data Analytics on ...
Performance Characterization and Optimization of In-Memory Data Analytics on ...Ahsan Javed Awan
 
A look under the hood at Apache Spark's API and engine evolutions
A look under the hood at Apache Spark's API and engine evolutionsA look under the hood at Apache Spark's API and engine evolutions
A look under the hood at Apache Spark's API and engine evolutionsDatabricks
 
Combining Machine Learning frameworks with Apache Spark
Combining Machine Learning frameworks with Apache SparkCombining Machine Learning frameworks with Apache Spark
Combining Machine Learning frameworks with Apache SparkDataWorks Summit/Hadoop Summit
 
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARK
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARKSCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARK
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARKzmhassan
 
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Herman Wu
 
Big data distributed processing: Spark introduction
Big data distributed processing: Spark introductionBig data distributed processing: Spark introduction
Big data distributed processing: Spark introductionHektor Jacynycz García
 
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)Jason Dai
 
Combining Machine Learning Frameworks with Apache Spark
Combining Machine Learning Frameworks with Apache SparkCombining Machine Learning Frameworks with Apache Spark
Combining Machine Learning Frameworks with Apache SparkDatabricks
 

Similaire à BigDL webinar - Deep Learning Library for Spark (20)

BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...
BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...
BigDL: Bringing Ease of Use of Deep Learning for Apache Spark with Jason Dai ...
 
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
 
Profiling & Testing with Spark
Profiling & Testing with SparkProfiling & Testing with Spark
Profiling & Testing with Spark
 
Build Large-Scale Data Analytics and AI Pipeline Using RayDP
Build Large-Scale Data Analytics and AI Pipeline Using RayDPBuild Large-Scale Data Analytics and AI Pipeline Using RayDP
Build Large-Scale Data Analytics and AI Pipeline Using RayDP
 
Integrating Deep Learning Libraries with Apache Spark
Integrating Deep Learning Libraries with Apache SparkIntegrating Deep Learning Libraries with Apache Spark
Integrating Deep Learning Libraries with Apache Spark
 
Very large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDLVery large scale distributed deep learning on BigDL
Very large scale distributed deep learning on BigDL
 
Running Emerging AI Applications on Big Data Platforms with Ray On Apache Spark
Running Emerging AI Applications on Big Data Platforms with Ray On Apache SparkRunning Emerging AI Applications on Big Data Platforms with Ray On Apache Spark
Running Emerging AI Applications on Big Data Platforms with Ray On Apache Spark
 
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep Learning
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep LearningLeveraging Apache Spark for Scalable Data Prep and Inference in Deep Learning
Leveraging Apache Spark for Scalable Data Prep and Inference in Deep Learning
 
Data Analytics and Machine Learning: From Node to Cluster on ARM64
Data Analytics and Machine Learning: From Node to Cluster on ARM64Data Analytics and Machine Learning: From Node to Cluster on ARM64
Data Analytics and Machine Learning: From Node to Cluster on ARM64
 
BKK16-404B Data Analytics and Machine Learning- from Node to Cluster
BKK16-404B Data Analytics and Machine Learning- from Node to ClusterBKK16-404B Data Analytics and Machine Learning- from Node to Cluster
BKK16-404B Data Analytics and Machine Learning- from Node to Cluster
 
BKK16-408B Data Analytics and Machine Learning From Node to Cluster
BKK16-408B Data Analytics and Machine Learning From Node to ClusterBKK16-408B Data Analytics and Machine Learning From Node to Cluster
BKK16-408B Data Analytics and Machine Learning From Node to Cluster
 
Performance Characterization and Optimization of In-Memory Data Analytics on ...
Performance Characterization and Optimization of In-Memory Data Analytics on ...Performance Characterization and Optimization of In-Memory Data Analytics on ...
Performance Characterization and Optimization of In-Memory Data Analytics on ...
 
A look under the hood at Apache Spark's API and engine evolutions
A look under the hood at Apache Spark's API and engine evolutionsA look under the hood at Apache Spark's API and engine evolutions
A look under the hood at Apache Spark's API and engine evolutions
 
Combining Machine Learning frameworks with Apache Spark
Combining Machine Learning frameworks with Apache SparkCombining Machine Learning frameworks with Apache Spark
Combining Machine Learning frameworks with Apache Spark
 
System mldl meetup
System mldl meetupSystem mldl meetup
System mldl meetup
 
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARK
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARKSCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARK
SCALABLE MONITORING USING PROMETHEUS WITH APACHE SPARK
 
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
 
Big data distributed processing: Spark introduction
Big data distributed processing: Spark introductionBig data distributed processing: Spark introduction
Big data distributed processing: Spark introduction
 
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)
Build Deep Learning Applications for Big Data Platforms (CVPR 2018 tutorial)
 
Combining Machine Learning Frameworks with Apache Spark
Combining Machine Learning Frameworks with Apache SparkCombining Machine Learning Frameworks with Apache Spark
Combining Machine Learning Frameworks with Apache Spark
 

Plus de DESMOND YUEN

2022-AI-Index-Report_Master.pdf
2022-AI-Index-Report_Master.pdf2022-AI-Index-Report_Master.pdf
2022-AI-Index-Report_Master.pdfDESMOND YUEN
 
Small Is the New Big
Small Is the New BigSmall Is the New Big
Small Is the New BigDESMOND YUEN
 
Intel® Blockscale™ ASIC Product Brief
Intel® Blockscale™ ASIC Product BriefIntel® Blockscale™ ASIC Product Brief
Intel® Blockscale™ ASIC Product BriefDESMOND YUEN
 
Cryptography Processing with 3rd Gen Intel Xeon Scalable Processors
Cryptography Processing with 3rd Gen Intel Xeon Scalable ProcessorsCryptography Processing with 3rd Gen Intel Xeon Scalable Processors
Cryptography Processing with 3rd Gen Intel Xeon Scalable ProcessorsDESMOND YUEN
 
Intel 2021 Product Security Report
Intel 2021 Product Security ReportIntel 2021 Product Security Report
Intel 2021 Product Security ReportDESMOND YUEN
 
How can regulation keep up as transformation races ahead? 2022 Global regulat...
How can regulation keep up as transformation races ahead? 2022 Global regulat...How can regulation keep up as transformation races ahead? 2022 Global regulat...
How can regulation keep up as transformation races ahead? 2022 Global regulat...DESMOND YUEN
 
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, More
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, MoreNASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, More
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, MoreDESMOND YUEN
 
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...DESMOND YUEN
 
PUTTING PEOPLE FIRST: ITS IS SMART COMMUNITIES AND CITIES
PUTTING PEOPLE FIRST:  ITS IS SMART COMMUNITIES AND  CITIESPUTTING PEOPLE FIRST:  ITS IS SMART COMMUNITIES AND  CITIES
PUTTING PEOPLE FIRST: ITS IS SMART COMMUNITIES AND CITIESDESMOND YUEN
 
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPE
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPEBUILDING AN OPEN RAN ECOSYSTEM FOR EUROPE
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPEDESMOND YUEN
 
An Introduction to Semiconductors and Intel
An Introduction to Semiconductors and IntelAn Introduction to Semiconductors and Intel
An Introduction to Semiconductors and IntelDESMOND YUEN
 
Changing demographics and economic growth bloom
Changing demographics and economic growth bloomChanging demographics and economic growth bloom
Changing demographics and economic growth bloomDESMOND YUEN
 
Intel’s Impacts on the US Economy
Intel’s Impacts on the US EconomyIntel’s Impacts on the US Economy
Intel’s Impacts on the US EconomyDESMOND YUEN
 
2021 private networks infographics
2021 private networks infographics2021 private networks infographics
2021 private networks infographicsDESMOND YUEN
 
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...DESMOND YUEN
 
Accelerate Your AI Today
Accelerate Your AI TodayAccelerate Your AI Today
Accelerate Your AI TodayDESMOND YUEN
 
Increasing Throughput per Node for Content Delivery Networks
Increasing Throughput per Node for Content Delivery NetworksIncreasing Throughput per Node for Content Delivery Networks
Increasing Throughput per Node for Content Delivery NetworksDESMOND YUEN
 
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...DESMOND YUEN
 
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm.""Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."DESMOND YUEN
 
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...Telefónica views on the design, architecture, and technology of 4G/5G Open RA...
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...DESMOND YUEN
 

Plus de DESMOND YUEN (20)

2022-AI-Index-Report_Master.pdf
2022-AI-Index-Report_Master.pdf2022-AI-Index-Report_Master.pdf
2022-AI-Index-Report_Master.pdf
 
Small Is the New Big
Small Is the New BigSmall Is the New Big
Small Is the New Big
 
Intel® Blockscale™ ASIC Product Brief
Intel® Blockscale™ ASIC Product BriefIntel® Blockscale™ ASIC Product Brief
Intel® Blockscale™ ASIC Product Brief
 
Cryptography Processing with 3rd Gen Intel Xeon Scalable Processors
Cryptography Processing with 3rd Gen Intel Xeon Scalable ProcessorsCryptography Processing with 3rd Gen Intel Xeon Scalable Processors
Cryptography Processing with 3rd Gen Intel Xeon Scalable Processors
 
Intel 2021 Product Security Report
Intel 2021 Product Security ReportIntel 2021 Product Security Report
Intel 2021 Product Security Report
 
How can regulation keep up as transformation races ahead? 2022 Global regulat...
How can regulation keep up as transformation races ahead? 2022 Global regulat...How can regulation keep up as transformation races ahead? 2022 Global regulat...
How can regulation keep up as transformation races ahead? 2022 Global regulat...
 
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, More
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, MoreNASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, More
NASA Spinoffs Help Fight Coronavirus, Clean Pollution, Grow Food, More
 
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...
A Survey on Security and Privacy Issues in Edge Computing-Assisted Internet o...
 
PUTTING PEOPLE FIRST: ITS IS SMART COMMUNITIES AND CITIES
PUTTING PEOPLE FIRST:  ITS IS SMART COMMUNITIES AND  CITIESPUTTING PEOPLE FIRST:  ITS IS SMART COMMUNITIES AND  CITIES
PUTTING PEOPLE FIRST: ITS IS SMART COMMUNITIES AND CITIES
 
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPE
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPEBUILDING AN OPEN RAN ECOSYSTEM FOR EUROPE
BUILDING AN OPEN RAN ECOSYSTEM FOR EUROPE
 
An Introduction to Semiconductors and Intel
An Introduction to Semiconductors and IntelAn Introduction to Semiconductors and Intel
An Introduction to Semiconductors and Intel
 
Changing demographics and economic growth bloom
Changing demographics and economic growth bloomChanging demographics and economic growth bloom
Changing demographics and economic growth bloom
 
Intel’s Impacts on the US Economy
Intel’s Impacts on the US EconomyIntel’s Impacts on the US Economy
Intel’s Impacts on the US Economy
 
2021 private networks infographics
2021 private networks infographics2021 private networks infographics
2021 private networks infographics
 
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...
Transforming the Modern City with the Intel-based 5G Smart City Road Side Uni...
 
Accelerate Your AI Today
Accelerate Your AI TodayAccelerate Your AI Today
Accelerate Your AI Today
 
Increasing Throughput per Node for Content Delivery Networks
Increasing Throughput per Node for Content Delivery NetworksIncreasing Throughput per Node for Content Delivery Networks
Increasing Throughput per Node for Content Delivery Networks
 
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...
3rd Generation Intel® Xeon® Scalable Processor - Achieving 1 Tbps IPsec with ...
 
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm.""Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."
"Life and Learning After One-Hundred Years: Trust Is The Coin Of The Realm."
 
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...Telefónica views on the design, architecture, and technology of 4G/5G Open RA...
Telefónica views on the design, architecture, and technology of 4G/5G Open RA...
 

Dernier

Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsVICTOR MAESTRE RAMIREZ
 
Multiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfMultiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfchwongval
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...limedy534
 
LLMs, LMMs, their Improvement Suggestions and the Path towards AGI
LLMs, LMMs, their Improvement Suggestions and the Path towards AGILLMs, LMMs, their Improvement Suggestions and the Path towards AGI
LLMs, LMMs, their Improvement Suggestions and the Path towards AGIThomas Poetter
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxaleedritatuxx
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhijennyeacort
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理e4aez8ss
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesTimothy Spann
 
Identifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanIdentifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanMYRABACSAFRA2
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改yuu sss
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 217djon017
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Cantervoginip
 
Vision, Mission, Goals and Objectives ppt..pptx
Vision, Mission, Goals and Objectives ppt..pptxVision, Mission, Goals and Objectives ppt..pptx
Vision, Mission, Goals and Objectives ppt..pptxellehsormae
 
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...ssuserf63bd7
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...GQ Research
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 
Heart Disease Classification Report: A Data Analysis Project
Heart Disease Classification Report: A Data Analysis ProjectHeart Disease Classification Report: A Data Analysis Project
Heart Disease Classification Report: A Data Analysis ProjectBoston Institute of Analytics
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPTBoston Institute of Analytics
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)jennyeacort
 

Dernier (20)

Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business Professionals
 
Multiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfMultiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdf
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
 
LLMs, LMMs, their Improvement Suggestions and the Path towards AGI
LLMs, LMMs, their Improvement Suggestions and the Path towards AGILLMs, LMMs, their Improvement Suggestions and the Path towards AGI
LLMs, LMMs, their Improvement Suggestions and the Path towards AGI
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
 
Identifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanIdentifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population Mean
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Canter
 
Vision, Mission, Goals and Objectives ppt..pptx
Vision, Mission, Goals and Objectives ppt..pptxVision, Mission, Goals and Objectives ppt..pptx
Vision, Mission, Goals and Objectives ppt..pptx
 
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...
Statistics, Data Analysis, and Decision Modeling, 5th edition by James R. Eva...
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 
Heart Disease Classification Report: A Data Analysis Project
Heart Disease Classification Report: A Data Analysis ProjectHeart Disease Classification Report: A Data Analysis Project
Heart Disease Classification Report: A Data Analysis Project
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
 

BigDL webinar - Deep Learning Library for Spark

  • 1. IntroductiontoBigDLonApachespark*: BringingDeepLearningtotheBigDataPlatform Radhika Rangarajan – Engineering PM, Big Data Technologies March 2017 Ack: Jason Dai, Yiheng Wang, Jiao Wang
  • 2. 2 CONTENT OUTLINE  Concept Refresh  WHY: Motivation for BigDL  WHAT: Architecture , Features and Code  WHERE: Use Cases  HOW: Get Started with BigDL
  • 3. 3 Concept Refresh AI Data Analytics Build a representation, query, or model that enables descriptive, interactive, or predictive analysis over any amount of diverse data Sense, learn, reason, act, and adapt to the real world without explicit programming Perceptual Understanding Detect patterns in audio or visual data Machine Learning Computational methods that use learning algorithms to build a model from data (in supervised, unsupervised, semi-supervised, or reinforcement mode) Deep Learning Algorithms inspired by neural networks with multiple layers of neurons that learn successively complex representations Convolutional Neural Networks (CNN) DL topology particularly effective at image classification Training Iteratively improve model accuracy Prediction/Inference/Scoring Deploy trained model to emit score / class RBM DBN RNN
  • 5. 5 What is BigDL? BigDL is a distributed deep learning library for Apache Spark*
  • 7. 7 Motivation for BigDL Data Scale Driving Deep Learning Process Andrew NG, Baidu. NIPS 2016 Tutorial
  • 8. 8 Production ML/DL system is Complex Motivation for BigDL
  • 9. 9 Motivation for BigDL Unified Big Data Platform Driving Analytics and Data Science
  • 10. 10 Motivation for BigDL The Missing Piece ?
  • 11. 11 BigDL – It is a BIG DEAL! https://github.com/intel-analytics/BigDL Open sourced on Dec 30, 2016
  • 12.
  • 14. 14 • Write deep learning applications as standard Spark programs • Run on top of existing Spark or Hadoop clusters (No change to the clusters) • Rich deep learning support • High performance powered by Intel MKL and multi-threaded programming • Efficient scale-out with an all- reduce communications on Spark Architecture, Features and Code
  • 15. 15 Architecture, Features and Code • Training using synchronous mini-batch SGD • Distributed training iterations run as standard Spark jobs
  • 16. 16 Architecture, Features and Code Distributed Training • Model Parallelism • Data Parallelism A distributed training example, (Jeff Dean, NIPS 2012)
  • 17. 17 “Canonical” implementation on Apache Spark Driver becomes the bottleneck • RDD.reduce / aggregate • RDD.treeAggregate (shuffle) Architecture, Features and Code
  • 18. 18 Architecture, Features and Code BigDL distributed training: • Implement an P2P All Reduce Algorithm on Apache Spark • Spark block manager as parameter server (handle different APIs of Spark 1.x/2.x) • Compress float32 parameter to float16 parameter … Training Set Block Manager(Parameter Server) Partition 1 Partition 2 Partition n Worker Gradient 1 2 Parameter 3 4 5 Worker Gradient 1 2 Parameter 3 4 5 Worker Gradient 1 2 Parameter 3 4 5
  • 19. 19 Architecture, Features and Code Rich deep learning support – Feature parity with existing DL frameworks (e.g., Caffe and Torch) – Load pre-trained Caffe or Torch model into Spark programs – Model Snapshot • Useful in a long training • Used in inference later • Share your model with others • Fine-tune the model Caffe Model File Torch Model File Storage BigDL BigDL Model File Load Save
  • 20. 20 Architecture, Features and Code Integrates with Spark-ML Pipeline • Wrapper with Spark ML Transformer • Plug into Spark ML pipeline • Support 1.5/1.6/2.0 DataFrame Transfomer1 Transfomer2 DLClassifer …
  • 21. 21 Spark Streaming RDDs Evaluator BigDL Model StreamWriter BigDL integrates with Spark Streaming for runtime training and prediction HDFS/S3 Kafka Flume Kinesis Twitter Train Predict Architecture, Features and Code
  • 22. 22 Architecture, Features and Code Layers  90+ Layers (Yiheng) Criterion  10+ loss functions Optimization  SGD, Adagrad, LBFGS
  • 23. 23 Architecture, Features and Code BigDL provide examples to help developer play with BigDL and start with popular models. https://github.com/intel-analytics/BigDL/wiki/Examples Models (Train and Inference Example Code):  LeNet, Inception, VGG, ResNet, RNN, Auto-encoder Examples: • Text Classification • Image Classification • Load Torch/Caffe model
  • 24. 24 Architecture, Features and Code Model on Data Set Top-1 Accuracy LeNet5 on MNIST 99% Vgg on Cifar10 90% AlexNet OWT on ImageNet 56% GoogleNetV1 on ImageNet 68%
  • 25. 25 Architecture, Features and Code • High Single Node Performance • Powered by Intel MKL. • Benchmarked best on Xeon E5-26XX v3 or E5-26XX v4 • Efficient Scale-out • Efficiently scale out to several 10s of Xeon servers on Spark to distributed train some deep learning model on ImageNet dataset For more complete information about performance and benchmark results, visit www.intel.com/benchmarks
  • 26. 26 BigDL APIs: Tensor  Multi-dimensional array of numeric types (e.g., Int, Float, Double, etc.) Module  Individual layers of the neural network (such as ReLU, Linear, SpatialConvolution, Sequential, etc.) Criterion  Given input and target, computing gradient per given loss function DataSet  Training, validation and test data  Transformer: series of data transformations (->) Engine  Runtime environment for the training (e.g., node#, core#, spark vs. local, multi-threading, etc.) Optimizer  Local & distributed optimizer (synchronous mini-batch SGD)  OptimMethod: SGD, AdaGrad, etc. Architecture, Features and Code
  • 27. 27 Tensor  A powerful ndarray data structure  Generic data type  Data manipulate / math APIs, model after torch Architecture, Features and Code
  • 29. 29 Build a simple model Architecture, Features and Code
  • 30. 30 A full example Architecture, Features and Code
  • 32. 32 Architecture, Features and Code Training LeNet on MNIST “Hello World” for Deep learning MNIST dataset (images of handwritten digits) http://yann.lecun.com/exdb/mnist/ LeNet-5 http://yann.lecun.com/exdb/lenet/
  • 34. 34 Architecture, Features and CodeArchitecture, Features and Code “Hello World” for Deep learning • sc is None for local mode; • Program will run as either local program or Spark program based on sc value.
  • 35. 35 Architecture, Features and Code “Hello World” for Deep learning
  • 36. 36 Architecture, Features and Code “Hello World” for Deep learning
  • 37. 37 Architecture, Features and Code “Hello World” for Deep learning
  • 38. 38 Architecture, Features and Code “Hello World” for Deep learning
  • 40. 40 WHERE CAN I USE BIGDL?  Analyze “big data” using deep learning on the same Hadoop/Spark cluster where the data are stored  Add deep learning functionalities to the Big Data (Spark) programs and/or workflow  Leverage existing Hadoop/Spark clusters to run deep learning applications – Dynamically sharing with other workloads (e.g., ETL, data warehouse, feature engineering, classical machine learning, graph analytics, etc.)  Making deep learning more accessible for Big Data users and Data Scientists.
  • 41. 41 FRAUD DETECTION Using BigDL and SparkML
  • 42. 42 Product Defect Detection and Classification (KeyStone ML Pipeline)
  • 43. 43 Language Model with RNN Text Preprocessing RNN Model Training Sentence Generating  Sentence Tokenizer  Dictionary Building  Input Document Transformer Generated sentences with regard to trigger words.
  • 44. 44 RNN Model See the code at: https://github.com/intel-analytics/BigDL/tree/master/dl/src/main/scala/com/intel/analytics/bigdl/models/rnn
  • 45. 45 Learn from Shakespeare Poems Output of RNN: Long live the King . The King and Queen , and the Strange of the Veils of the rhapsodic . and grapple, and the entreatments of the pressure . Upon her head , and in the world ? `` Oh, the gods ! O Jove ! To whom the king : `` O friends ! Her hair, nor loose ! If , my lord , and the groundlings of the skies . jocund and Tasso in the Staggering of the Mankind . and
  • 46. 46 Fine-tune Caffe/Torch Model on Spark BigDL Model Fine-tune Melancholy Sunny Macro Caffe Model BigDL Model Torch Model Load • Train on different dataset based on pre-trained model • Predict image style instead of type • Save training time and improve accuracy Image source: https://www.flickr.com/photos/
  • 47. 47 Object Detection on PASCAL(http://host.robots.ox.ac.uk/pascal/VOC/)
  • 48. 48 Fast-RCNN  Faster-RCNN is a popular object detection framework  It share the features between detection network and region proposal network Ren, Shaoqing, et al. "Faster r-cnn: Towards real-time object detection with region proposal networks." Advances in neural information processing systems. 2015.
  • 51. 51 Get Started with BigDL  BigDL programs – Run as either local Scala/Java programs, or Spark programs  Interactive Scala shell (REPL) is a great way to get started Type: Scala shell:
  • 52. 52 BigDL Out-of-box run scripts on AWS https://github.com/intel-analytics/BigDL/wiki/Running-on-EC2 Get Started with BigDL
  • 53. 53 BigDL On Github https://github.com/intel-analytics/BigDL Community Mail List bigdl-user-group+subscribe@googlegroups.com Report bugs and feature request https://github.com/intel-analytics/BigDL/issues
  • 54. 54 Key Contacts & Additional Resources • Email: Jason.dai@intel.com (Chief Architect, BigDL) • O'reilly Podcast/ Jason Dai • https://soundcloud.com/oreilly-radar/deep-learning-for-apache-spark • Databricks Blog • https://databricks.com/blog/2017/02/09/intels-bigdl-databricks.html • Spark Summit Talks • https://spark-summit.org/east-2017/events/bigdl-a-distributed-deep-learning-library-on-spark/ • https://spark-summit.org/east-2017/events/building-deep-learning-powered-big-data/ • Intel Developer Zone for AI • Video: https://software.intel.com/en-us/videos/bigdl-distributed-deep-learning-on-apache-spark • Blog: https://software.intel.com/en-us/articles/bigdl-distributed-deep-learning-on-apache-spark