SlideShare a Scribd company logo
1 of 49
Download to read offline
Matteo Interlandi, Karla Saur
Hummingbird
Overview
Machine Learning Prediction Serving
Machine Learning Prediction Serving
Machine Learning Prediction Serving
1. Models are learned from data
Data
Training
Model
Learn
Machine Learning Prediction Serving
1. Models are learned from data
2. Models are deployed and served together
Prediction serving
Users
Server
Data
Training
Model
Learn Deploy
Model Serving
Specialized Systems have been developed
Model Serving
Specialized Systems have been developed Focus: Deep Learning (DL)
Model Serving
Specialized Systems have been developed
Support for traditional ML methods is largely overlooked
Focus: Deep Learning (DL)
Traditional ML Models
2019 Kaggle Survey: The State of Data Science & Machine Learning Data Science through the looking glass: https://arxiv.org/abs/1912.09536
Problem: Lack of Optimizations for
Traditional ML Serving
Systems for training traditional ML models are not optimized for serving
Traditional ML models are expressed using imperative code in an ad-hoc
fashion, not using a shared logical abstraction
Traditional ML models cannot natively exploit hardware acceleration
Tokeniz
er
How do “Traditional ML Models” look inside?
<Example: Binary Classification>
Char
Ngram
Word
Ngram
Conca
t
Logistic
Regressio
n
0 vs 1
Traditional ML Model
A B C D
a 0.1 c 0.5
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Featurizers
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
Featurizers
Predictor
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
Split input
into
cat  num
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
Normalize
num
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split input
into
cat  num One hot
encode cat
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
Merge two
vectors
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split input
into
cat  num
Normalize
num
One hot
encode cat
Split
How do “Traditional ML Models” look inside?
Scaler
OneHot
Conca
t
Logistic
Regressio
n
DAG of Operators (aka pipeline)
Merge two
vectors
Compute
final score
A B C D
a 0.1 c 0.5 0 vs 1
<Example: Binary Classification>
Split input
into
cat  num
Normalize
num
One hot
encode cat
Deep Learning
Primarily relies on the abstraction of tensors
Deep Learning
DL models are expressed as a DAG of tensor operators
w1 b1
X
Mat
Mul
Add ReLU
Mat
Mul
Add Sigmoid
w1 b1
User
Input
Systems for DL Prediction Serving
Exploit the abstraction of tensor operations to support multiple DL frameworks
on multiple target environments
Mat
Mul
Add ReLU …
✔ Efficient implementations
✔ Declarative
✔ Seamless hardware acceleration
✔ Reduced engineering efforts
Benefit
s:
Hummingbird
Mat
Mul
Add ReLU …
Deep
Learning
Traditional
ML
DL Prediction
Serving Systems
Converting ML Operators into Tensor Operations
Observation: pipelines are composed of two classes of operators
Algebraic Operations: E.g., Linear Regression
Algorithmic Operations: E.g., RandomForest, OneHotEncoder
Y = wX + b
Complex data access patterns and control-flow patterns!
Introduce redundancies, both computational and storage
Make data access patterns and control flow uniform for all inputs
Our Solution:
Depending on the level of redundancy introduced there can be
more than one potential compilation approach
Hummingbird picks the one that works given pipeline statistics
Converting Decision tree-based models
Converting Decision tree-based models
Converting Decision tree-based models
Converting Decision tree-based models
Converting Decision tree-based models
<=
Converting Decision tree-based models
<=
Converting Decision tree-based models
<=
Converting Decision tree-based models
<=
Converting Decision tree-based models
<=
Compiling Decision Tree-based Models
Above approach (GEMM approach) essentially evaluates all paths in a
decision tree model: computation redundancy.
Works surprisingly well on modern hardware for many cases!
Two other tree traversal-based methods that exploit the tree structure.
For tall trees (e.g., LightGBM) For bushy trees (e.g., XGBoost)
Tree Traversal Method
Tree Traversal Method
Initial: 0
repeat while < max tree depth
Gather
Feature Ids
Featu
re id
X
Gather Feature
value
Gather
Thresholds
Threshold
value
<
Co
nd.
Where
Lefts
Rights
Tr
ue
Fal
se
Perfect Tree Traversal Method
3
F3
< 0.5
F2
< 2.0 F5
< 5.5
C1 C2 C1
F3
< 2.4
C2 C1
true false
true true
true
false false
false
F3
< 0.5
F2
< 2.0 F5
< 5.5
C1 C1
F3
< 2.4
C2 C1
true false
true true
true
false false
false
C1 C2 C2 C1
Operator Group Supported Operators
Linear Classifiers Logistic Regression, Linear SVC, LinearSVR, SVC, SVR, NuSVC, SGDClassifier,
LogisticRegressionCV
Tree Methods DecisionTreeClassifier/Regressor, RandomForestClassifier/Regressor,
(Hist)GradientBoostingClassifier/Regressor, ExtraTreesClassifier/Regressor,
XGBClassifier/Regressor, LGBMClassifier/Regressor/Ranker
Neural Networks MLPClassifier
Others BernouliNB, Kmeans, MeanShift
Feature Selectors SelectKBest
Decomposition PCA, TruncatedSVD
Feature Pre-Processing SimpleImputer, Imputer, ColumnTransformer, RobustScaler, MaxAbsScaler,
MinMaxScaler, StandardScaler, Binarizer, KBinsDiscretizer, Normalizer,
PolynomialFeatures, OneHotEncoder, LabelEncoder, FeatureHasher
Supported Operators
High-level System Design
Hummingbird
Trained
Traditional
ML Pipelines
DL Prediction
Serving Systems
End-to-End Pipeline Evaluation
4
Hardware Setup Experimental Workload
Hummingbird can translate 2328 pipelines (88%).
Perform inference on 20% of the dataset.
TorchScript as the backend for Hummingbird.
Scikit-Learn pipelines for OpenML-CC18
benchmark which has 72 datasets.
Azure NC6 v2 machine
Intel Xeon E5-2690
v4@ 2.6GHz (6 cores)
112 GB RAM
Nvidia P100 Ubuntu 18.04,
PyTorch 1.3, TVM 0.6, CUDA 10,
RAPIDS 0.9
End-to-End Pipeline Evaluation
4
CPU
60%
1200 X
60 X
End-to-End Pipeline Evaluation
4
CPU GPU
60%
1200 X
60 X
73%
1000 X
130 X
Main reasons for slowdowns: Sparse input data, small inference datasets.
43
Demo
Hummingbird
Updates
• Hummingbird has reached > 21K PyPI
downloads and 2.4k stars
• Demoed at Microsoft Ignite
• Integrated with ONNX converter tools
• OSDI paper
• New features include:
• Pandas Dataframes
• PySparkML support
• TVM support
• Looking for new users/contributors!
45
Thank you!
hummingbird-dev@microsoft.com
Tree-Models Microbenchmark
46
Experimental Workload: Nvidia Gradient Boosting Algorithm Benchmark*
Dataset Rows #Features Task
Fraud 285k 28 BinaryClass
Year 512k 90 Regression
Covtype 581k 54 MultiClass
Epsilon 500k 2000 BinaryClass
3 Models: RandomForest, XGBoost, LightGBM.
80/20 train/test split.
Batch inference (batch size 10k w/ and w/o
GPU.
(* https://github.com/NVIDIA/gbm-bench)
Tree-Models Microbenchmark
47
Algorithm Dataset
Sklearn
(CPU Baseline)
Hummingbird (CPU) RAPIDS
(GPU Baseline)
Hummingbird (GPU)
TorchScript TVM TorchScript TVM
Rand. Forest
Fraud
Year
Covtype
Epsilon
LightGBM
Fraud
Year
Covtype
Epsilon
XGBoost
Fraud
Year
Covtype
Epsilon
(All runtimes are reported in seconds. More datasets and experimental results in the paper.)
Tree-Models Microbenchmark
48
Algorithm Dataset
Sklearn
(CPU Baseline)
Hummingbird (CPU) RAPIDS
(GPU Baseline)
Hummingbird (GPU)
TorchScript TVM TorchScript TVM
Rand. Forest
Fraud 2.5 7.8 3.0
Year 1.9 7.7 1.4
Covtype 5.9 16.5 6.8
Epsilon 9.8 13.9 6.6
LightGBM
Fraud 3.4 7.6 1.7
Year 5.0 7.6 1.6
Covtype 51.1 79.5 27.2
Epsilon 10.5 14.5 4.0
XGBoost
Fraud 1.9 7.6 1.6
Year 3.1 7.6 1.6
Covtype 42.3 79.0 26.4
Epsilon 7.6 14.8 4.2
(All runtimes are reported in seconds. More datasets and experimental results in the paper.)
Tree-Models Microbenchmark
49
Algorithm Dataset
Sklearn
(CPU Baseline)
Hummingbird (CPU) RAPIDS
(GPU Baseline)
Hummingbird (GPU)
TorchScript TVM TorchScript TVM
Rand. Forest
Fraud 2.5 7.8 3.0 !SUPPORTED 0.044 0.015
Year 1.9 7.7 1.4 !SUPPORTED 0.045 0.026
Covtype 5.9 16.5 6.8 !SUPPORTED 0.110 0.047
Epsilon 9.8 13.9 6.6 !SUPPORTED 0.130 0.13
LightGBM
Fraud 3.4 7.6 1.7 0.014 0.044 0.014
Year 5.0 7.6 1.6 0.023 0.045 0.025
Covtype 51.1 79.5 27.2 !SUPPORTED 0.620 0.250
Epsilon 10.5 14.5 4.0 0.150 0.130 0.120
XGBoost
Fraud 1.9 7.6 1.6 0.013 0.044 0.015
Year 3.1 7.6 1.6 0.022 0.045 0.026
Covtype 42.3 79.0 26.4 !SUPPORTED 0.620 0.250
Epsilon 7.6 14.8 4.2 0.150 0.130 0.120
(All runtimes are reported in seconds. More datasets and experimental results in the paper.)

More Related Content

What's hot

RocksDB detail
RocksDB detailRocksDB detail
RocksDB detailMIJIN AN
 
Deploying MongoDB sharded clusters easily with Terraform and Ansible
Deploying MongoDB sharded clusters easily with Terraform and AnsibleDeploying MongoDB sharded clusters easily with Terraform and Ansible
Deploying MongoDB sharded clusters easily with Terraform and AnsibleAll Things Open
 
General Tips for participating Kaggle Competitions
General Tips for participating Kaggle CompetitionsGeneral Tips for participating Kaggle Competitions
General Tips for participating Kaggle CompetitionsMark Peng
 
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...DataStax
 
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...DataWorks Summit
 
Spark Summit EU 2015: Lessons from 300+ production users
Spark Summit EU 2015: Lessons from 300+ production usersSpark Summit EU 2015: Lessons from 300+ production users
Spark Summit EU 2015: Lessons from 300+ production usersDatabricks
 
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...Databricks
 
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringConvolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringSOYEON KIM
 
DB 모니터링 신규 & 개선 기능 (박명규)
DB 모니터링 신규 & 개선 기능 (박명규)DB 모니터링 신규 & 개선 기능 (박명규)
DB 모니터링 신규 & 개선 기능 (박명규)WhaTap Labs
 
Visualizing Systems with Statemaps
Visualizing Systems with StatemapsVisualizing Systems with Statemaps
Visualizing Systems with Statemapsbcantrill
 
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of Facebook
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of FacebookTech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of Facebook
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of FacebookThe Hive
 
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...Databricks
 
Big Data and Natural Language Processing
Big Data and Natural Language ProcessingBig Data and Natural Language Processing
Big Data and Natural Language ProcessingMichel Bruley
 
In memory databases presentation
In memory databases presentationIn memory databases presentation
In memory databases presentationMichael Keane
 
Twitter Search Architecture
Twitter Search Architecture Twitter Search Architecture
Twitter Search Architecture Ramez Al-Fayez
 
Understanding Data Consistency in Apache Cassandra
Understanding Data Consistency in Apache CassandraUnderstanding Data Consistency in Apache Cassandra
Understanding Data Consistency in Apache CassandraDataStax
 
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion Records
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion RecordsScylla Summit 2022: How to Migrate a Counter Table for 68 Billion Records
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion RecordsScyllaDB
 
“Automation Testing for Embedded Systems”
“Automation Testing for Embedded Systems” “Automation Testing for Embedded Systems”
“Automation Testing for Embedded Systems” GlobalLogic Ukraine
 
Memory Bandwidth QoS
Memory Bandwidth QoSMemory Bandwidth QoS
Memory Bandwidth QoSRohit Jnagal
 
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with Debugging
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with DebuggingPART-2 : Mastering RTOS FreeRTOS and STM32Fx with Debugging
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with DebuggingFastBit Embedded Brain Academy
 

What's hot (20)

RocksDB detail
RocksDB detailRocksDB detail
RocksDB detail
 
Deploying MongoDB sharded clusters easily with Terraform and Ansible
Deploying MongoDB sharded clusters easily with Terraform and AnsibleDeploying MongoDB sharded clusters easily with Terraform and Ansible
Deploying MongoDB sharded clusters easily with Terraform and Ansible
 
General Tips for participating Kaggle Competitions
General Tips for participating Kaggle CompetitionsGeneral Tips for participating Kaggle Competitions
General Tips for participating Kaggle Competitions
 
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...
The Missing Manual for Leveled Compaction Strategy (Wei Deng & Ryan Svihla, D...
 
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...
Hive LLAP: A High Performance, Cost-effective Alternative to Traditional MPP ...
 
Spark Summit EU 2015: Lessons from 300+ production users
Spark Summit EU 2015: Lessons from 300+ production usersSpark Summit EU 2015: Lessons from 300+ production users
Spark Summit EU 2015: Lessons from 300+ production users
 
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...
Building a Versatile Analytics Pipeline on Top of Apache Spark with Mikhail C...
 
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringConvolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
 
DB 모니터링 신규 & 개선 기능 (박명규)
DB 모니터링 신규 & 개선 기능 (박명규)DB 모니터링 신규 & 개선 기능 (박명규)
DB 모니터링 신규 & 개선 기능 (박명규)
 
Visualizing Systems with Statemaps
Visualizing Systems with StatemapsVisualizing Systems with Statemaps
Visualizing Systems with Statemaps
 
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of Facebook
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of FacebookTech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of Facebook
Tech Talk: RocksDB Slides by Dhruba Borthakur & Haobo Xu of Facebook
 
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...
Running Apache Spark on a High-Performance Cluster Using RDMA and NVMe Flash ...
 
Big Data and Natural Language Processing
Big Data and Natural Language ProcessingBig Data and Natural Language Processing
Big Data and Natural Language Processing
 
In memory databases presentation
In memory databases presentationIn memory databases presentation
In memory databases presentation
 
Twitter Search Architecture
Twitter Search Architecture Twitter Search Architecture
Twitter Search Architecture
 
Understanding Data Consistency in Apache Cassandra
Understanding Data Consistency in Apache CassandraUnderstanding Data Consistency in Apache Cassandra
Understanding Data Consistency in Apache Cassandra
 
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion Records
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion RecordsScylla Summit 2022: How to Migrate a Counter Table for 68 Billion Records
Scylla Summit 2022: How to Migrate a Counter Table for 68 Billion Records
 
“Automation Testing for Embedded Systems”
“Automation Testing for Embedded Systems” “Automation Testing for Embedded Systems”
“Automation Testing for Embedded Systems”
 
Memory Bandwidth QoS
Memory Bandwidth QoSMemory Bandwidth QoS
Memory Bandwidth QoS
 
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with Debugging
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with DebuggingPART-2 : Mastering RTOS FreeRTOS and STM32Fx with Debugging
PART-2 : Mastering RTOS FreeRTOS and STM32Fx with Debugging
 

Similar to Tensors Are All You Need: Faster Inference with Hummingbird

StackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkStackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkSri Ambati
 
Augmenting Machine Learning with Databricks Labs AutoML Toolkit
Augmenting Machine Learning with Databricks Labs AutoML ToolkitAugmenting Machine Learning with Databricks Labs AutoML Toolkit
Augmenting Machine Learning with Databricks Labs AutoML ToolkitDatabricks
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model CompressionApache MXNet
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkIvo Andreev
 
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...inside-BigData.com
 
Clipper: A Low-Latency Online Prediction Serving System
Clipper: A Low-Latency Online Prediction Serving SystemClipper: A Low-Latency Online Prediction Serving System
Clipper: A Low-Latency Online Prediction Serving SystemDatabricks
 
11.1. PPT on How to crack ML Competitions all steps explained.pptx
11.1. PPT on How to crack ML Competitions all steps explained.pptx11.1. PPT on How to crack ML Competitions all steps explained.pptx
11.1. PPT on How to crack ML Competitions all steps explained.pptxhu153574
 
Fine tuning large LMs
Fine tuning large LMsFine tuning large LMs
Fine tuning large LMsSylvainGugger
 
Data Con LA 2022 - AutoDC + AutoML = your AI development superpower
Data Con LA 2022 - AutoDC + AutoML = your AI development superpowerData Con LA 2022 - AutoDC + AutoML = your AI development superpower
Data Con LA 2022 - AutoDC + AutoML = your AI development superpowerData Con LA
 
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...PyData
 
IncQuery-D: Incremental Queries in the Cloud
IncQuery-D: Incremental Queries in the CloudIncQuery-D: Incremental Queries in the Cloud
IncQuery-D: Incremental Queries in the CloudGábor Szárnyas
 
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearnPrediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearnJosef A. Habdank
 
Generalized Linear Models with H2O
Generalized Linear Models with H2O Generalized Linear Models with H2O
Generalized Linear Models with H2O Sri Ambati
 
Advanced Data Science on Spark-(Reza Zadeh, Stanford)
Advanced Data Science on Spark-(Reza Zadeh, Stanford)Advanced Data Science on Spark-(Reza Zadeh, Stanford)
Advanced Data Science on Spark-(Reza Zadeh, Stanford)Spark Summit
 
Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...
 Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D... Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...
Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...Databricks
 
AutoML for user segmentation: how to match millions of users with hundreds of...
AutoML for user segmentation: how to match millions of users with hundreds of...AutoML for user segmentation: how to match millions of users with hundreds of...
AutoML for user segmentation: how to match millions of users with hundreds of...Institute of Contemporary Sciences
 
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...Chester Chen
 
Revolutionise your Machine Learning Workflow using Scikit-Learn Pipelines
Revolutionise your Machine Learning Workflow using Scikit-Learn PipelinesRevolutionise your Machine Learning Workflow using Scikit-Learn Pipelines
Revolutionise your Machine Learning Workflow using Scikit-Learn PipelinesPhilip Goddard
 
Spark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef HabdankSpark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef HabdankSpark Summit
 

Similar to Tensors Are All You Need: Faster Inference with Hummingbird (20)

StackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkStackNet Meta-Modelling framework
StackNet Meta-Modelling framework
 
Augmenting Machine Learning with Databricks Labs AutoML Toolkit
Augmenting Machine Learning with Databricks Labs AutoML ToolkitAugmenting Machine Learning with Databricks Labs AutoML Toolkit
Augmenting Machine Learning with Databricks Labs AutoML Toolkit
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model Compression
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it Work
 
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...
Efficient Model Selection for Deep Neural Networks on Massively Parallel Proc...
 
Clipper: A Low-Latency Online Prediction Serving System
Clipper: A Low-Latency Online Prediction Serving SystemClipper: A Low-Latency Online Prediction Serving System
Clipper: A Low-Latency Online Prediction Serving System
 
11.1. PPT on How to crack ML Competitions all steps explained.pptx
11.1. PPT on How to crack ML Competitions all steps explained.pptx11.1. PPT on How to crack ML Competitions all steps explained.pptx
11.1. PPT on How to crack ML Competitions all steps explained.pptx
 
Fine tuning large LMs
Fine tuning large LMsFine tuning large LMs
Fine tuning large LMs
 
Data Con LA 2022 - AutoDC + AutoML = your AI development superpower
Data Con LA 2022 - AutoDC + AutoML = your AI development superpowerData Con LA 2022 - AutoDC + AutoML = your AI development superpower
Data Con LA 2022 - AutoDC + AutoML = your AI development superpower
 
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...
Driving Moore's Law with Python-Powered Machine Learning: An Insider's Perspe...
 
IncQuery-D: Incremental Queries in the Cloud
IncQuery-D: Incremental Queries in the CloudIncQuery-D: Incremental Queries in the Cloud
IncQuery-D: Incremental Queries in the Cloud
 
System mldl meetup
System mldl meetupSystem mldl meetup
System mldl meetup
 
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearnPrediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
 
Generalized Linear Models with H2O
Generalized Linear Models with H2O Generalized Linear Models with H2O
Generalized Linear Models with H2O
 
Advanced Data Science on Spark-(Reza Zadeh, Stanford)
Advanced Data Science on Spark-(Reza Zadeh, Stanford)Advanced Data Science on Spark-(Reza Zadeh, Stanford)
Advanced Data Science on Spark-(Reza Zadeh, Stanford)
 
Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...
 Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D... Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...
Apache Spark Based Hyper-Parameter Selection and Adaptive Model Tuning for D...
 
AutoML for user segmentation: how to match millions of users with hundreds of...
AutoML for user segmentation: how to match millions of users with hundreds of...AutoML for user segmentation: how to match millions of users with hundreds of...
AutoML for user segmentation: how to match millions of users with hundreds of...
 
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
 
Revolutionise your Machine Learning Workflow using Scikit-Learn Pipelines
Revolutionise your Machine Learning Workflow using Scikit-Learn PipelinesRevolutionise your Machine Learning Workflow using Scikit-Learn Pipelines
Revolutionise your Machine Learning Workflow using Scikit-Learn Pipelines
 
Spark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef HabdankSpark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef Habdank
 

More from Databricks

DW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDatabricks
 
Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Databricks
 
Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Databricks
 
Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Databricks
 
Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Databricks
 
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of HadoopDatabricks
 
Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDatabricks
 
Learn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceLearn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceDatabricks
 
Why APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringWhy APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringDatabricks
 
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixThe Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixDatabricks
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationDatabricks
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchDatabricks
 
Scaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesScaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesDatabricks
 
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesScaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesDatabricks
 
Sawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsSawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsDatabricks
 
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkRedis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkDatabricks
 
Re-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkRe-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkDatabricks
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesDatabricks
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkDatabricks
 
Massive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeMassive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeDatabricks
 

More from Databricks (20)

DW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptx
 
Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1
 
Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2
 
Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2
 
Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4
 
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
 
Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized Platform
 
Learn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceLearn to Use Databricks for Data Science
Learn to Use Databricks for Data Science
 
Why APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringWhy APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML Monitoring
 
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixThe Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI Integration
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorch
 
Scaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesScaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on Kubernetes
 
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesScaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
 
Sawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsSawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature Aggregations
 
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkRedis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
 
Re-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkRe-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and Spark
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction Queries
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache Spark
 
Massive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeMassive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta Lake
 

Recently uploaded

Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝soniya singh
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptSonatrach
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptxthyngster
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home ServiceSapana Sha
 
20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdfHuman37
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样vhwb25kk
 
Industrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfIndustrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfLars Albertsson
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPramod Kumar Srivastava
 
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...ThinkInnovation
 
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
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFAAndrei Kaleshka
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfgstagge
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130Suhani Kapoor
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998YohFuh
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Callshivangimorya083
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxFurkanTasci3
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxStephen266013
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAbdelrhman abooda
 

Recently uploaded (20)

Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
Call Girls in Defence Colony Delhi 💯Call Us 🔝8264348440🔝
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service
 
20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
 
Industrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfIndustrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdf
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
 
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
Predictive Analysis - Using Insight-informed Data to Determine Factors Drivin...
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
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...
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFA
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdf
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptx
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docx
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
 

Tensors Are All You Need: Faster Inference with Hummingbird

  • 1. Matteo Interlandi, Karla Saur Hummingbird
  • 4. Machine Learning Prediction Serving 1. Models are learned from data Data Training Model Learn
  • 5. Machine Learning Prediction Serving 1. Models are learned from data 2. Models are deployed and served together Prediction serving Users Server Data Training Model Learn Deploy
  • 6. Model Serving Specialized Systems have been developed
  • 7. Model Serving Specialized Systems have been developed Focus: Deep Learning (DL)
  • 8. Model Serving Specialized Systems have been developed Support for traditional ML methods is largely overlooked Focus: Deep Learning (DL)
  • 9. Traditional ML Models 2019 Kaggle Survey: The State of Data Science & Machine Learning Data Science through the looking glass: https://arxiv.org/abs/1912.09536
  • 10. Problem: Lack of Optimizations for Traditional ML Serving Systems for training traditional ML models are not optimized for serving Traditional ML models are expressed using imperative code in an ad-hoc fashion, not using a shared logical abstraction Traditional ML models cannot natively exploit hardware acceleration
  • 11. Tokeniz er How do “Traditional ML Models” look inside? <Example: Binary Classification> Char Ngram Word Ngram Conca t Logistic Regressio n 0 vs 1 Traditional ML Model A B C D a 0.1 c 0.5
  • 12. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification>
  • 13. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification> Featurizers
  • 14. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) Featurizers Predictor A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification>
  • 15. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification>
  • 16. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) Split input into cat num A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification>
  • 17. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) Normalize num A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification> Split input into cat num One hot encode cat
  • 18. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) Merge two vectors A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification> Split input into cat num Normalize num One hot encode cat
  • 19. Split How do “Traditional ML Models” look inside? Scaler OneHot Conca t Logistic Regressio n DAG of Operators (aka pipeline) Merge two vectors Compute final score A B C D a 0.1 c 0.5 0 vs 1 <Example: Binary Classification> Split input into cat num Normalize num One hot encode cat
  • 21. Primarily relies on the abstraction of tensors Deep Learning DL models are expressed as a DAG of tensor operators w1 b1 X Mat Mul Add ReLU Mat Mul Add Sigmoid w1 b1 User Input
  • 22. Systems for DL Prediction Serving Exploit the abstraction of tensor operations to support multiple DL frameworks on multiple target environments Mat Mul Add ReLU … ✔ Efficient implementations ✔ Declarative ✔ Seamless hardware acceleration ✔ Reduced engineering efforts Benefit s:
  • 24. Converting ML Operators into Tensor Operations Observation: pipelines are composed of two classes of operators Algebraic Operations: E.g., Linear Regression Algorithmic Operations: E.g., RandomForest, OneHotEncoder Y = wX + b Complex data access patterns and control-flow patterns! Introduce redundancies, both computational and storage Make data access patterns and control flow uniform for all inputs Our Solution: Depending on the level of redundancy introduced there can be more than one potential compilation approach Hummingbird picks the one that works given pipeline statistics
  • 34. Compiling Decision Tree-based Models Above approach (GEMM approach) essentially evaluates all paths in a decision tree model: computation redundancy. Works surprisingly well on modern hardware for many cases! Two other tree traversal-based methods that exploit the tree structure. For tall trees (e.g., LightGBM) For bushy trees (e.g., XGBoost)
  • 36. Tree Traversal Method Initial: 0 repeat while < max tree depth Gather Feature Ids Featu re id X Gather Feature value Gather Thresholds Threshold value < Co nd. Where Lefts Rights Tr ue Fal se
  • 37. Perfect Tree Traversal Method 3 F3 < 0.5 F2 < 2.0 F5 < 5.5 C1 C2 C1 F3 < 2.4 C2 C1 true false true true true false false false F3 < 0.5 F2 < 2.0 F5 < 5.5 C1 C1 F3 < 2.4 C2 C1 true false true true true false false false C1 C2 C2 C1
  • 38. Operator Group Supported Operators Linear Classifiers Logistic Regression, Linear SVC, LinearSVR, SVC, SVR, NuSVC, SGDClassifier, LogisticRegressionCV Tree Methods DecisionTreeClassifier/Regressor, RandomForestClassifier/Regressor, (Hist)GradientBoostingClassifier/Regressor, ExtraTreesClassifier/Regressor, XGBClassifier/Regressor, LGBMClassifier/Regressor/Ranker Neural Networks MLPClassifier Others BernouliNB, Kmeans, MeanShift Feature Selectors SelectKBest Decomposition PCA, TruncatedSVD Feature Pre-Processing SimpleImputer, Imputer, ColumnTransformer, RobustScaler, MaxAbsScaler, MinMaxScaler, StandardScaler, Binarizer, KBinsDiscretizer, Normalizer, PolynomialFeatures, OneHotEncoder, LabelEncoder, FeatureHasher Supported Operators
  • 39. High-level System Design Hummingbird Trained Traditional ML Pipelines DL Prediction Serving Systems
  • 40. End-to-End Pipeline Evaluation 4 Hardware Setup Experimental Workload Hummingbird can translate 2328 pipelines (88%). Perform inference on 20% of the dataset. TorchScript as the backend for Hummingbird. Scikit-Learn pipelines for OpenML-CC18 benchmark which has 72 datasets. Azure NC6 v2 machine Intel Xeon E5-2690 v4@ 2.6GHz (6 cores) 112 GB RAM Nvidia P100 Ubuntu 18.04, PyTorch 1.3, TVM 0.6, CUDA 10, RAPIDS 0.9
  • 42. End-to-End Pipeline Evaluation 4 CPU GPU 60% 1200 X 60 X 73% 1000 X 130 X Main reasons for slowdowns: Sparse input data, small inference datasets.
  • 44. Hummingbird Updates • Hummingbird has reached > 21K PyPI downloads and 2.4k stars • Demoed at Microsoft Ignite • Integrated with ONNX converter tools • OSDI paper • New features include: • Pandas Dataframes • PySparkML support • TVM support • Looking for new users/contributors!
  • 46. Tree-Models Microbenchmark 46 Experimental Workload: Nvidia Gradient Boosting Algorithm Benchmark* Dataset Rows #Features Task Fraud 285k 28 BinaryClass Year 512k 90 Regression Covtype 581k 54 MultiClass Epsilon 500k 2000 BinaryClass 3 Models: RandomForest, XGBoost, LightGBM. 80/20 train/test split. Batch inference (batch size 10k w/ and w/o GPU. (* https://github.com/NVIDIA/gbm-bench)
  • 47. Tree-Models Microbenchmark 47 Algorithm Dataset Sklearn (CPU Baseline) Hummingbird (CPU) RAPIDS (GPU Baseline) Hummingbird (GPU) TorchScript TVM TorchScript TVM Rand. Forest Fraud Year Covtype Epsilon LightGBM Fraud Year Covtype Epsilon XGBoost Fraud Year Covtype Epsilon (All runtimes are reported in seconds. More datasets and experimental results in the paper.)
  • 48. Tree-Models Microbenchmark 48 Algorithm Dataset Sklearn (CPU Baseline) Hummingbird (CPU) RAPIDS (GPU Baseline) Hummingbird (GPU) TorchScript TVM TorchScript TVM Rand. Forest Fraud 2.5 7.8 3.0 Year 1.9 7.7 1.4 Covtype 5.9 16.5 6.8 Epsilon 9.8 13.9 6.6 LightGBM Fraud 3.4 7.6 1.7 Year 5.0 7.6 1.6 Covtype 51.1 79.5 27.2 Epsilon 10.5 14.5 4.0 XGBoost Fraud 1.9 7.6 1.6 Year 3.1 7.6 1.6 Covtype 42.3 79.0 26.4 Epsilon 7.6 14.8 4.2 (All runtimes are reported in seconds. More datasets and experimental results in the paper.)
  • 49. Tree-Models Microbenchmark 49 Algorithm Dataset Sklearn (CPU Baseline) Hummingbird (CPU) RAPIDS (GPU Baseline) Hummingbird (GPU) TorchScript TVM TorchScript TVM Rand. Forest Fraud 2.5 7.8 3.0 !SUPPORTED 0.044 0.015 Year 1.9 7.7 1.4 !SUPPORTED 0.045 0.026 Covtype 5.9 16.5 6.8 !SUPPORTED 0.110 0.047 Epsilon 9.8 13.9 6.6 !SUPPORTED 0.130 0.13 LightGBM Fraud 3.4 7.6 1.7 0.014 0.044 0.014 Year 5.0 7.6 1.6 0.023 0.045 0.025 Covtype 51.1 79.5 27.2 !SUPPORTED 0.620 0.250 Epsilon 10.5 14.5 4.0 0.150 0.130 0.120 XGBoost Fraud 1.9 7.6 1.6 0.013 0.044 0.015 Year 3.1 7.6 1.6 0.022 0.045 0.026 Covtype 42.3 79.0 26.4 !SUPPORTED 0.620 0.250 Epsilon 7.6 14.8 4.2 0.150 0.130 0.120 (All runtimes are reported in seconds. More datasets and experimental results in the paper.)