SlideShare une entreprise Scribd logo
1  sur  15
Télécharger pour lire hors ligne
AMPLIFY YOUR
ML / AI MODELS
Hello, my name is Scott Clark, co-founder and CEO of SigOpt.
In this video I’m going to show you how SigOpt can help you amplify your machine
learning and AI models by optimally tuning them using our black-box optimization
platform.
For more information please visit https://sigopt.com.
© 2017 SigOpt, Inc https://sigopt.com
SigOpt optimizes...
● Machine Learning
● AI / Deep Learning
● Risk / Fraud Models
● Backtests / Simulations
Resulting in...
● Better Results
● Faster Development
● Cheaper, Faster
Tuning
OPTIMIZATION AS A SERVICE
The SigOpt platform provides an ensemble of state-of-the-art Bayesian and Global
optimization algorithms via a simple Software-as-a-Service API.
SigOpt optimizes machine learning models like random forests, support vector
machines, and gradient boosted methods as well as more sophisticated techniques
like a deep learning pipelines, proprietary risk and fraud models, or even a complex
backtesting and simulation pipeline. This enables data scientists and machine
learning engineers to build better models with less trial and error by efficiently
optimizing the tunable parameters of these models.
This results in captured performance that may otherwise be left on the table by
conventional techniques while also reducing the time and cost for developing and
optimizing new models.
© 2017 SigOpt, Inc https://sigopt.com
Photo: Joe Ross
Every complex system has tunable parameters.
A car has parameters like the gear ratio or fuel injection ratio that affect output
like top speed.
© 2017 SigOpt, Inc https://sigopt.com
TUNABLE PARAMETERS IN DEEP LEARNING
A machine learning or AI model has tunable hyperparameters that affect
performance. This can be as simple as the number of trees in a random forest or the
kernel of a Support Vector Machine, or as complex as the learning rate in a gradient
boosted or deep learning method.
In this simple TensorFlow example, we have constructed a 4 layer network to perform
2D, binary classification. We are attempting to learn a surface that can differentiate
blue and orange dots as seen in the figure to the right. Even this simple task and
small network has 22 tunable hyperparameters including traditional hyperparameters
like learning rate and activation function, as well as regularization and architecture
parameters, and feature transformation parameters. By tuning the parameters of this
pipeline in unison we can achieve much better results than tuning them
independently.
This extends to other AI and machine learning pipelines as well, which may
incorporate many unsupervised and supervised learning techniques with tunable
parameters.
© 2017 SigOpt, Inc https://sigopt.com
STANDARD TUNING METHODS
Parameter
Configuration
?
Grid Search Random Search
Manual Search
- Weights
- Thresholds
- Window sizes
- Transformations
ML / AI
Model
Testing
Data
Cross
Validation
Training
Data
Domain expertise is incredibly important when developing new machine learning
pipelines, which often undergo rigorous validation before being deployed into
production.
Often the modeler needs to tune the hyperparameters and feature transformation
parameters within their pipeline to optimize a performance metric and maximize the
business value of the model. This involves finding the best parameter and
hyperparameter configurations for all the various knobs and levers within the system
and can have an significant impact on the end results.
Traditionally this is a very time-consuming and expensive, trial and error based
process that relies on methods like grid, random, local, or an expert-intensive manual
search.
© 2017 SigOpt, Inc https://sigopt.com
OPTIMIZATION FEEDBACK LOOP
Objective Metric
Better
Results
REST API
New configurations
ML / AI
Model
Testing
Data
Cross
Validation
Training
Data
SigOpt uses a proven, peer-reviewed ensemble of Bayesian and Global Optimization
algorithms to efficiently tune these models
First, SigOpt suggests parameter configurations to evaluate, which are then evaluated
using a method like cross validation where an objective metric like an AUC or F-1
score is computed. This process is repeated, either in parallel or serially.
SigOpt’s ensemble of optimization methods leverages the historical performance of
previous configurations to optimally suggest new parameter configurations to
evaluate. By efficiently trading off exploration (learning more information about the
underlying parameters and response surface) and exploitation (leveraging that
information to optimize the output metric), SigOpt is able to find better configurations
exponentially faster than standard methods like an exhaustive or grid search.
All of this is accomplished by bolting our easy-to-integrate REST API onto your
existing models and infrastructure.
SigOpt’s black-box optimization algorithms require only high-level information about
the parameters being tuned and how they performed, meaning sensitive information
about your data and model stays private and secure. Additionally, the benefits
captured by better tuning are additive with the work you’ve already done on the model
and data itself.
© 2017 SigOpt, Inc https://sigopt.com
USE CASE: DEFAULT CLASSIFICATION
ML / AI
Model
(xgboost)
Testing
Loan Data
Cross
Validation
Accuracy (AUC ROC)
Better
Results
REST API
Hyperparameter
Configurations
Training
Loan Data
In this specific example, we’ll compare the relative tradeoffs of different tuning
strategies in a loan default classification pipeline using xgboost, a popular gradient
boosting library, and the open lending club dataset.
We’ll tune the various hyperparameters of xgboost and optimize the accuracy metric
of AUC ROC.
© 2017 SigOpt, Inc https://sigopt.com
COMPARATIVE PERFORMANCE
Accuracy
Grid Search
Random Search
AUC
.698
.690
.683
.675
$1,000
100 hrs
$10,000
1,000 hrs
$100,000
10,000 hrs
Cost
● Better: 22% fewer
bad loans vs
baseline
● Faster/Cheaper:
100x less time and
AWS cost than
standard tuning
methods
xgboost
extended example
SigOpt was able to efficiently tune the pipeline, beating the standard methods of
exhaustive grid search and a randomized search in both AUC and the cost to achieve
that AUC.
SigOpt found a model that had a 22% relative improvement in the metric when
compared to the default xgboost hyperparameters, while also requiring 100x fewer
evaluations than the standard grid search approach.
Extended xgboost example
- Blog:
http://blog.sigopt.com/post/140871698423/sigopt-for-ml-unsupervised-learning
-with-even
- Code:
https://github.com/sigopt/sigopt-examples/tree/master/unsupervised-model
© 2017 SigOpt, Inc https://sigopt.com
USE CASE: COMPUTER VISION
ML / AI
Model
(Tensorflow)
Testing
Images
Cross
Validation
Accuracy
Better
Results
REST API
Hyperparameter
Configurations
and
Feature
Transformations
Training
Images
Because SigOpt is a black-box optimization platform it is agnostic to the underlying
model being tuned and can be readily used to tune any Machine Learning or AI
pipeline.
All SigOpt requires is continuous, integer, or categorical parameters to tune, whether
they are hyperparameters of a machine learning model or feature transformation
parameters of an NLP or computer vision model as well as a performance metric to
optimize.
SigOpt makes no assumptions about the underlying parameters or metric. It can even
be a composite of many underlying metrics and does not need to be convex,
continuous, differentiable, or even defined for all configurations.
In this specific example, we’ll compare the relative tradeoffs of different tuning
strategies in a computer vision classification pipeline using Google’s tensorflow on the
SVHN image dataset. We’ll tune the various hyperparameters of tensorflow, as well
as feature transformation parameters related to the images themselves, to optimize
the accuracy of the classifier.
© 2017 SigOpt, Inc https://sigopt.com
COMPARATIVE PERFORMANCE
● Better: 315%
better accuracy
than baseline
● Faster/Cheaper:
88% cheaper than
standard tuning
methods
Cost
(1 production model, 50 GPU cluster)
No Tuning
Random Search
Accuracy
CVAcc
0.75
0.5
0.25
0
$5,000$7,500$10,000
1.0
$2,500 $0
Tensorflow CNN Example
Neon DNN Examples
SigOpt beat the default hyperparameter configuration as well as the standard
randomized search method in both accuracy and the cost to achieve that accuracy,
by requiring fewer evaluations to reach the optimal configuration on a GPU cluster.
SigOpt found a model that had a 315% relative improvement in the metric when
compared to the default tensorflow parameters, while also requiring 88% fewer
evaluations than the standard random search approach.
Extended Tensorflow example
- Blog:
http://blog.sigopt.com/post/141501625253/sigopt-for-ml-tensorflow-convnets-o
n-a-budget
- Code: https://github.com/sigopt/sigopt-examples/tree/master/tensorflow-cnn
Extended Neon DNN examples
- Blog:
http://blog.sigopt.com/post/146208659358/much-deeper-much-faster-deep-ne
ural-network
- Code:
https://github.com/sigopt/sigopt-examples/tree/master/dnn-tuning-nervana
© 2017 SigOpt, Inc https://sigopt.com
COMPARATIVE PERFORMANCE
● Better Results, Faster and Cheaper
Quickly get the most out of your models with our proven, peer-reviewed
ensemble of Bayesian and Global Optimization Methods
○ A Stratified Analysis of Bayesian Optimization Methods (ICML 2016)
○ Evaluation System for a Bayesian Optimization Service (ICML 2016)
○ Interactive Preference Learning of Utility Functions for Multi-Objective Optimization (NIPS 2016)
○ And more...
● Fully Featured
Tune any model in any pipeline
○ Scales to 100 continuous, integer, and categorical parameters and many thousands of evaluations
○ Parallel tuning support across any number of models
○ Simple integrations with many languages and libraries
○ Powerful dashboards for introspecting your models and optimization
○ Advanced features like multi-objective optimization, failure region support, and more
● Secure Black Box Optimization
Your data and models never leave your system
SigOpt provides best-in-class performance. We’ve successfully deployed our solution
at firms worldwide and rigorously compare our methods to standard and open source
alternatives at the top machine learning conferences.
Our platform scales to any problem and provides features like native parallelism,
multi-objective optimization, and more.
Additionally, our black box optimization approach means that your proprietary data
and models never leave your system, allowing you to leverage these powerful
techniques on top of the infrastructure and tools you’ve already built.
Links:
○ A Stratified Analysis of Bayesian Optimization Methods (ICML 2016)
■ https://arxiv.org/pdf/1603.09441v1.pdf
○ Evaluation System for a Bayesian Optimization Service (ICML 2016)
■ https://arxiv.org/abs/1605.06170
○ Interactive Preference Learning of Utility Functions for Multi-Objective
Optimization (NIPS 2016)
■ https://arxiv.org/abs/1612.04453
○ And more…
■ https://sigopt.com/research
© 2017 SigOpt, Inc https://sigopt.com
SIMPLIFIED OPTIMIZATION
Client Libraries
● Python
● Java
● R
● Matlab
● And more...
Framework Integrations
● TensorFlow
● Scikit-learn
● xgboost
● Keras
● Neon
● And more...
Live Demo
The SigOpt optimization platform integrates with any technology stack and the
intuitive dashboards shine a light on the otherwise opaque world of parameter tuning.
Just plug our API in, tune your models, and your whole team benefits from the history,
transparency, and analysis in the platform.
Documentation: https://sigopt.com/docs
Integrations: https://github.com/sigopt
Live Demo: https://sigopt.com/getstarted
© 2017 SigOpt, Inc https://sigopt.com
DISTRIBUTED TRAINING
● SigOpt serves as a distributed
scheduler for training models
across workers
● Workers access the SigOpt API
for the latest parameters to
try for each model
● Enables easy distributed
training of non-distributed
algorithms across any number
of models
SigOpt also allows you to tune any algorithm in parallel by acting as a distributed
scheduler for parameter tuning.
This allows you to tune traditionally serial models in parallel, and achieve better
results faster than otherwise possible, while also scaling across any number of
independent models.
More info: https://sigopt.com/docs/overview/parallel
© 2017 SigOpt, Inc https://sigopt.com
SIGOPT CUSTOMERS
SigOpt has successfully engaged
with globally recognized leaders
in insurance, credit card,
algorithmic trading and
consumer packaged goods
industries. Use cases include:
● Trading Strategies
● Complex Models
● Simulations / Backtests
● Machine Learning and AI
Select Customers
SigOpt has been deployed successfully at some of the largest and most sophisticated
firms and universities in the world
We’ve helped tune everything from algorithmic trading strategies to machine learning
and AI pipelines and beyond.
© 2017 SigOpt, Inc https://sigopt.com
Contact us to set up an evaluation today
evaluation@sigopt.com
Contact us to set up an evaluation and unleash the power of Bayesian and Global
Optimization on your models today.
© 2017 SigOpt, Inc https://sigopt.com

Contenu connexe

Tendances

PPRA marmoraria tarabai - 2018-2019 (1).doc
PPRA marmoraria tarabai - 2018-2019 (1).docPPRA marmoraria tarabai - 2018-2019 (1).doc
PPRA marmoraria tarabai - 2018-2019 (1).docAylton Cesar
 
Apresentação primeiros socorros
Apresentação primeiros socorrosApresentação primeiros socorros
Apresentação primeiros socorrosruy vicente Santos
 
Apostila Equipamentos de Proteção Individual
Apostila Equipamentos de Proteção IndividualApostila Equipamentos de Proteção Individual
Apostila Equipamentos de Proteção IndividualIkaika Epi
 
Plano de ensino seg do trabalho nr 06 e nr 18
Plano de ensino seg do trabalho nr 06 e nr 18Plano de ensino seg do trabalho nr 06 e nr 18
Plano de ensino seg do trabalho nr 06 e nr 18Joziane Pimentel
 
Bombeiro civil primeiros socorros
Bombeiro civil primeiros socorrosBombeiro civil primeiros socorros
Bombeiro civil primeiros socorrosmarceloteacher
 
06 ofidismo - enfermaria 18 – clínica médica rj
06  ofidismo - enfermaria 18 – clínica médica rj06  ofidismo - enfermaria 18 – clínica médica rj
06 ofidismo - enfermaria 18 – clínica médica rjadrianomedico
 
ebook avaliação primária XABCDE
ebook avaliação primária XABCDEebook avaliação primária XABCDE
ebook avaliação primária XABCDEItrianBorges
 
Apt industrial-23-atividade-caminhao-munck
Apt industrial-23-atividade-caminhao-munckApt industrial-23-atividade-caminhao-munck
Apt industrial-23-atividade-caminhao-munckwaltermoreira
 
Prevenção de acidentes na infância - Crianças a partir dos 5 anos
Prevenção de acidentes na infância - Crianças a partir dos 5 anosPrevenção de acidentes na infância - Crianças a partir dos 5 anos
Prevenção de acidentes na infância - Crianças a partir dos 5 anosblogped1
 
Treinamento de cipa
Treinamento de cipaTreinamento de cipa
Treinamento de cipaJosiel Leite
 
Cartilha pdf janeiro 2010
Cartilha pdf janeiro 2010Cartilha pdf janeiro 2010
Cartilha pdf janeiro 2010Flávio Peralta
 

Tendances (20)

PPRA marmoraria tarabai - 2018-2019 (1).doc
PPRA marmoraria tarabai - 2018-2019 (1).docPPRA marmoraria tarabai - 2018-2019 (1).doc
PPRA marmoraria tarabai - 2018-2019 (1).doc
 
Apresentação primeiros socorros
Apresentação primeiros socorrosApresentação primeiros socorros
Apresentação primeiros socorros
 
Apostila Equipamentos de Proteção Individual
Apostila Equipamentos de Proteção IndividualApostila Equipamentos de Proteção Individual
Apostila Equipamentos de Proteção Individual
 
Sistema Urinário
Sistema UrinárioSistema Urinário
Sistema Urinário
 
Plano de ensino seg do trabalho nr 06 e nr 18
Plano de ensino seg do trabalho nr 06 e nr 18Plano de ensino seg do trabalho nr 06 e nr 18
Plano de ensino seg do trabalho nr 06 e nr 18
 
Bombeiro civil primeiros socorros
Bombeiro civil primeiros socorrosBombeiro civil primeiros socorros
Bombeiro civil primeiros socorros
 
Apr 002 oficina de fabricação embutido
Apr  002 oficina de fabricação embutidoApr  002 oficina de fabricação embutido
Apr 002 oficina de fabricação embutido
 
06 ofidismo - enfermaria 18 – clínica médica rj
06  ofidismo - enfermaria 18 – clínica médica rj06  ofidismo - enfermaria 18 – clínica médica rj
06 ofidismo - enfermaria 18 – clínica médica rj
 
Ovace
OvaceOvace
Ovace
 
Primeiro Socorros 2
Primeiro Socorros 2Primeiro Socorros 2
Primeiro Socorros 2
 
ebook avaliação primária XABCDE
ebook avaliação primária XABCDEebook avaliação primária XABCDE
ebook avaliação primária XABCDE
 
Aph treinamento resumido
Aph treinamento resumidoAph treinamento resumido
Aph treinamento resumido
 
Apresentação Final
Apresentação FinalApresentação Final
Apresentação Final
 
Politrauma
PolitraumaPolitrauma
Politrauma
 
Apt industrial-23-atividade-caminhao-munck
Apt industrial-23-atividade-caminhao-munckApt industrial-23-atividade-caminhao-munck
Apt industrial-23-atividade-caminhao-munck
 
3 aula souza aph
3 aula souza  aph   3 aula souza  aph
3 aula souza aph
 
Prevenção de acidentes na infância - Crianças a partir dos 5 anos
Prevenção de acidentes na infância - Crianças a partir dos 5 anosPrevenção de acidentes na infância - Crianças a partir dos 5 anos
Prevenção de acidentes na infância - Crianças a partir dos 5 anos
 
Treinamento de cipa
Treinamento de cipaTreinamento de cipa
Treinamento de cipa
 
Cartilha pdf janeiro 2010
Cartilha pdf janeiro 2010Cartilha pdf janeiro 2010
Cartilha pdf janeiro 2010
 
NR 12
NR 12 NR 12
NR 12
 

Similaire à SigOpt for Machine Learning and AI

SigOpt for Hedge Funds
SigOpt for Hedge FundsSigOpt for Hedge Funds
SigOpt for Hedge FundsSigOpt
 
Tuning 2.0: Advanced Optimization Techniques Webinar
Tuning 2.0: Advanced Optimization Techniques WebinarTuning 2.0: Advanced Optimization Techniques Webinar
Tuning 2.0: Advanced Optimization Techniques WebinarSigOpt
 
SigOpt at GTC - Tuning the Untunable
SigOpt at GTC - Tuning the UntunableSigOpt at GTC - Tuning the Untunable
SigOpt at GTC - Tuning the UntunableSigOpt
 
Modeling at scale in systematic trading
Modeling at scale in systematic tradingModeling at scale in systematic trading
Modeling at scale in systematic tradingSigOpt
 
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsUsing Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsScott Clark
 
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsUsing Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsSigOpt
 
Tuning for Systematic Trading: Talk 1
Tuning for Systematic Trading: Talk 1Tuning for Systematic Trading: Talk 1
Tuning for Systematic Trading: Talk 1SigOpt
 
Modeling at Scale: SigOpt at TWIMLcon 2019
Modeling at Scale: SigOpt at TWIMLcon 2019Modeling at Scale: SigOpt at TWIMLcon 2019
Modeling at Scale: SigOpt at TWIMLcon 2019SigOpt
 
Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon Web Services
 
Tuning for Systematic Trading: Talk 2: Deep Learning
Tuning for Systematic Trading: Talk 2: Deep LearningTuning for Systematic Trading: Talk 2: Deep Learning
Tuning for Systematic Trading: Talk 2: Deep LearningSigOpt
 
Advanced Optimization for the Enterprise Webinar
Advanced Optimization for the Enterprise WebinarAdvanced Optimization for the Enterprise Webinar
Advanced Optimization for the Enterprise WebinarSigOpt
 
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...Robert Grossman
 
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016MLconf
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkSigOpt
 
Scott Clark, CEO, SigOpt, at The AI Conference 2017
Scott Clark, CEO, SigOpt, at The AI Conference 2017Scott Clark, CEO, SigOpt, at The AI Conference 2017
Scott Clark, CEO, SigOpt, at The AI Conference 2017MLconf
 
Using Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesUsing Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesSigOpt
 
Using Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesUsing Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesScott Clark
 
SigOpt at GTC - Reducing operational barriers to optimization
SigOpt at GTC - Reducing operational barriers to optimizationSigOpt at GTC - Reducing operational barriers to optimization
SigOpt at GTC - Reducing operational barriers to optimizationSigOpt
 
Metric Management: a SigOpt Applied Use Case
Metric Management: a SigOpt Applied Use CaseMetric Management: a SigOpt Applied Use Case
Metric Management: a SigOpt Applied Use CaseSigOpt
 
Tuning the Untunable - Insights on Deep Learning Optimization
Tuning the Untunable - Insights on Deep Learning OptimizationTuning the Untunable - Insights on Deep Learning Optimization
Tuning the Untunable - Insights on Deep Learning OptimizationSigOpt
 

Similaire à SigOpt for Machine Learning and AI (20)

SigOpt for Hedge Funds
SigOpt for Hedge FundsSigOpt for Hedge Funds
SigOpt for Hedge Funds
 
Tuning 2.0: Advanced Optimization Techniques Webinar
Tuning 2.0: Advanced Optimization Techniques WebinarTuning 2.0: Advanced Optimization Techniques Webinar
Tuning 2.0: Advanced Optimization Techniques Webinar
 
SigOpt at GTC - Tuning the Untunable
SigOpt at GTC - Tuning the UntunableSigOpt at GTC - Tuning the Untunable
SigOpt at GTC - Tuning the Untunable
 
Modeling at scale in systematic trading
Modeling at scale in systematic tradingModeling at scale in systematic trading
Modeling at scale in systematic trading
 
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsUsing Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning Models
 
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning ModelsUsing Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning Models
 
Tuning for Systematic Trading: Talk 1
Tuning for Systematic Trading: Talk 1Tuning for Systematic Trading: Talk 1
Tuning for Systematic Trading: Talk 1
 
Modeling at Scale: SigOpt at TWIMLcon 2019
Modeling at Scale: SigOpt at TWIMLcon 2019Modeling at Scale: SigOpt at TWIMLcon 2019
Modeling at Scale: SigOpt at TWIMLcon 2019
 
Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)
 
Tuning for Systematic Trading: Talk 2: Deep Learning
Tuning for Systematic Trading: Talk 2: Deep LearningTuning for Systematic Trading: Talk 2: Deep Learning
Tuning for Systematic Trading: Talk 2: Deep Learning
 
Advanced Optimization for the Enterprise Webinar
Advanced Optimization for the Enterprise WebinarAdvanced Optimization for the Enterprise Webinar
Advanced Optimization for the Enterprise Webinar
 
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...
How to Lower the Cost of Deploying Analytics: An Introduction to the Portable...
 
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott Clark
 
Scott Clark, CEO, SigOpt, at The AI Conference 2017
Scott Clark, CEO, SigOpt, at The AI Conference 2017Scott Clark, CEO, SigOpt, at The AI Conference 2017
Scott Clark, CEO, SigOpt, at The AI Conference 2017
 
Using Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesUsing Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning Pipelines
 
Using Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning PipelinesUsing Optimal Learning to Tune Deep Learning Pipelines
Using Optimal Learning to Tune Deep Learning Pipelines
 
SigOpt at GTC - Reducing operational barriers to optimization
SigOpt at GTC - Reducing operational barriers to optimizationSigOpt at GTC - Reducing operational barriers to optimization
SigOpt at GTC - Reducing operational barriers to optimization
 
Metric Management: a SigOpt Applied Use Case
Metric Management: a SigOpt Applied Use CaseMetric Management: a SigOpt Applied Use Case
Metric Management: a SigOpt Applied Use Case
 
Tuning the Untunable - Insights on Deep Learning Optimization
Tuning the Untunable - Insights on Deep Learning OptimizationTuning the Untunable - Insights on Deep Learning Optimization
Tuning the Untunable - Insights on Deep Learning Optimization
 

Plus de SigOpt

Optimizing BERT and Natural Language Models with SigOpt Experiment Management
Optimizing BERT and Natural Language Models with SigOpt Experiment ManagementOptimizing BERT and Natural Language Models with SigOpt Experiment Management
Optimizing BERT and Natural Language Models with SigOpt Experiment ManagementSigOpt
 
Experiment Management for the Enterprise
Experiment Management for the EnterpriseExperiment Management for the Enterprise
Experiment Management for the EnterpriseSigOpt
 
Efficient NLP by Distilling BERT and Multimetric Optimization
Efficient NLP by Distilling BERT and Multimetric OptimizationEfficient NLP by Distilling BERT and Multimetric Optimization
Efficient NLP by Distilling BERT and Multimetric OptimizationSigOpt
 
Detecting COVID-19 Cases with Deep Learning
Detecting COVID-19 Cases with Deep LearningDetecting COVID-19 Cases with Deep Learning
Detecting COVID-19 Cases with Deep LearningSigOpt
 
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric Strategy
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric StrategyTuning for Systematic Trading: Talk 3: Training, Tuning, and Metric Strategy
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric StrategySigOpt
 
Tuning Data Augmentation to Boost Model Performance
Tuning Data Augmentation to Boost Model PerformanceTuning Data Augmentation to Boost Model Performance
Tuning Data Augmentation to Boost Model PerformanceSigOpt
 
SigOpt at Ai4 Finance—Modeling at Scale
SigOpt at Ai4 Finance—Modeling at Scale SigOpt at Ai4 Finance—Modeling at Scale
SigOpt at Ai4 Finance—Modeling at Scale SigOpt
 
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...SigOpt
 
Machine Learning Infrastructure
Machine Learning InfrastructureMachine Learning Infrastructure
Machine Learning InfrastructureSigOpt
 
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...SigOpt
 
SigOpt at O'Reilly - Best Practices for Scaling Modeling Platforms
SigOpt at O'Reilly - Best Practices for Scaling Modeling PlatformsSigOpt at O'Reilly - Best Practices for Scaling Modeling Platforms
SigOpt at O'Reilly - Best Practices for Scaling Modeling PlatformsSigOpt
 
Lessons for an enterprise approach to modeling at scale
Lessons for an enterprise approach to modeling at scaleLessons for an enterprise approach to modeling at scale
Lessons for an enterprise approach to modeling at scaleSigOpt
 
SigOpt at MLconf - Reducing Operational Barriers to Model Training
SigOpt at MLconf - Reducing Operational Barriers to Model TrainingSigOpt at MLconf - Reducing Operational Barriers to Model Training
SigOpt at MLconf - Reducing Operational Barriers to Model TrainingSigOpt
 
Machine Learning Infrastructure
Machine Learning InfrastructureMachine Learning Infrastructure
Machine Learning InfrastructureSigOpt
 
Machine Learning Fundamentals
Machine Learning FundamentalsMachine Learning Fundamentals
Machine Learning FundamentalsSigOpt
 
Tips and techniques for hyperparameter optimization
Tips and techniques for hyperparameter optimizationTips and techniques for hyperparameter optimization
Tips and techniques for hyperparameter optimizationSigOpt
 
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...SigOpt
 
Common Problems in Hyperparameter Optimization
Common Problems in Hyperparameter OptimizationCommon Problems in Hyperparameter Optimization
Common Problems in Hyperparameter OptimizationSigOpt
 

Plus de SigOpt (18)

Optimizing BERT and Natural Language Models with SigOpt Experiment Management
Optimizing BERT and Natural Language Models with SigOpt Experiment ManagementOptimizing BERT and Natural Language Models with SigOpt Experiment Management
Optimizing BERT and Natural Language Models with SigOpt Experiment Management
 
Experiment Management for the Enterprise
Experiment Management for the EnterpriseExperiment Management for the Enterprise
Experiment Management for the Enterprise
 
Efficient NLP by Distilling BERT and Multimetric Optimization
Efficient NLP by Distilling BERT and Multimetric OptimizationEfficient NLP by Distilling BERT and Multimetric Optimization
Efficient NLP by Distilling BERT and Multimetric Optimization
 
Detecting COVID-19 Cases with Deep Learning
Detecting COVID-19 Cases with Deep LearningDetecting COVID-19 Cases with Deep Learning
Detecting COVID-19 Cases with Deep Learning
 
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric Strategy
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric StrategyTuning for Systematic Trading: Talk 3: Training, Tuning, and Metric Strategy
Tuning for Systematic Trading: Talk 3: Training, Tuning, and Metric Strategy
 
Tuning Data Augmentation to Boost Model Performance
Tuning Data Augmentation to Boost Model PerformanceTuning Data Augmentation to Boost Model Performance
Tuning Data Augmentation to Boost Model Performance
 
SigOpt at Ai4 Finance—Modeling at Scale
SigOpt at Ai4 Finance—Modeling at Scale SigOpt at Ai4 Finance—Modeling at Scale
SigOpt at Ai4 Finance—Modeling at Scale
 
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...
Interactive Tradeoffs Between Competing Offline Metrics with Bayesian Optimiz...
 
Machine Learning Infrastructure
Machine Learning InfrastructureMachine Learning Infrastructure
Machine Learning Infrastructure
 
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...
SigOpt at Uber Science Symposium - Exploring the spectrum of black-box optimi...
 
SigOpt at O'Reilly - Best Practices for Scaling Modeling Platforms
SigOpt at O'Reilly - Best Practices for Scaling Modeling PlatformsSigOpt at O'Reilly - Best Practices for Scaling Modeling Platforms
SigOpt at O'Reilly - Best Practices for Scaling Modeling Platforms
 
Lessons for an enterprise approach to modeling at scale
Lessons for an enterprise approach to modeling at scaleLessons for an enterprise approach to modeling at scale
Lessons for an enterprise approach to modeling at scale
 
SigOpt at MLconf - Reducing Operational Barriers to Model Training
SigOpt at MLconf - Reducing Operational Barriers to Model TrainingSigOpt at MLconf - Reducing Operational Barriers to Model Training
SigOpt at MLconf - Reducing Operational Barriers to Model Training
 
Machine Learning Infrastructure
Machine Learning InfrastructureMachine Learning Infrastructure
Machine Learning Infrastructure
 
Machine Learning Fundamentals
Machine Learning FundamentalsMachine Learning Fundamentals
Machine Learning Fundamentals
 
Tips and techniques for hyperparameter optimization
Tips and techniques for hyperparameter optimizationTips and techniques for hyperparameter optimization
Tips and techniques for hyperparameter optimization
 
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...
MLconf 2017 Seattle Lunch Talk - Using Optimal Learning to tune Deep Learning...
 
Common Problems in Hyperparameter Optimization
Common Problems in Hyperparameter OptimizationCommon Problems in Hyperparameter Optimization
Common Problems in Hyperparameter Optimization
 

Dernier

TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providermohitmore19
 
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...MyIntelliSource, Inc.
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxComplianceQuest1
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comFatema Valibhai
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionSolGuruz
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️Delhi Call girls
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVshikhaohhpro
 
Test Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendTest Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendArshad QA
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...ICS
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxbodapatigopi8531
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsArshad QA
 
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Steffen Staab
 
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfThe Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfkalichargn70th171
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsAlberto González Trastoy
 
Active Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfActive Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfCionsystems
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsAndolasoft Inc
 

Dernier (20)

TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
 
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docx
 
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS LiveVip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.com
 
Diamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with PrecisionDiamond Application Development Crafting Solutions with Precision
Diamond Application Development Crafting Solutions with Precision
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTV
 
Test Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendTest Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and Backend
 
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
 
Microsoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdfMicrosoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdf
 
Hand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptxHand gesture recognition PROJECT PPT.pptx
Hand gesture recognition PROJECT PPT.pptx
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
 
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdfThe Ultimate Test Automation Guide_ Best Practices and Tips.pdf
The Ultimate Test Automation Guide_ Best Practices and Tips.pdf
 
Exploring iOS App Development: Simplifying the Process
Exploring iOS App Development: Simplifying the ProcessExploring iOS App Development: Simplifying the Process
Exploring iOS App Development: Simplifying the Process
 
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time ApplicationsUnveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
Unveiling the Tech Salsa of LAMs with Janus in Real-Time Applications
 
Active Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfActive Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdf
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.js
 
Call Girls In Mukherjee Nagar 📱 9999965857 🤩 Delhi 🫦 HOT AND SEXY VVIP 🍎 SE...
Call Girls In Mukherjee Nagar 📱  9999965857  🤩 Delhi 🫦 HOT AND SEXY VVIP 🍎 SE...Call Girls In Mukherjee Nagar 📱  9999965857  🤩 Delhi 🫦 HOT AND SEXY VVIP 🍎 SE...
Call Girls In Mukherjee Nagar 📱 9999965857 🤩 Delhi 🫦 HOT AND SEXY VVIP 🍎 SE...
 

SigOpt for Machine Learning and AI

  • 1. AMPLIFY YOUR ML / AI MODELS Hello, my name is Scott Clark, co-founder and CEO of SigOpt. In this video I’m going to show you how SigOpt can help you amplify your machine learning and AI models by optimally tuning them using our black-box optimization platform. For more information please visit https://sigopt.com. © 2017 SigOpt, Inc https://sigopt.com
  • 2. SigOpt optimizes... ● Machine Learning ● AI / Deep Learning ● Risk / Fraud Models ● Backtests / Simulations Resulting in... ● Better Results ● Faster Development ● Cheaper, Faster Tuning OPTIMIZATION AS A SERVICE The SigOpt platform provides an ensemble of state-of-the-art Bayesian and Global optimization algorithms via a simple Software-as-a-Service API. SigOpt optimizes machine learning models like random forests, support vector machines, and gradient boosted methods as well as more sophisticated techniques like a deep learning pipelines, proprietary risk and fraud models, or even a complex backtesting and simulation pipeline. This enables data scientists and machine learning engineers to build better models with less trial and error by efficiently optimizing the tunable parameters of these models. This results in captured performance that may otherwise be left on the table by conventional techniques while also reducing the time and cost for developing and optimizing new models. © 2017 SigOpt, Inc https://sigopt.com
  • 3. Photo: Joe Ross Every complex system has tunable parameters. A car has parameters like the gear ratio or fuel injection ratio that affect output like top speed. © 2017 SigOpt, Inc https://sigopt.com
  • 4. TUNABLE PARAMETERS IN DEEP LEARNING A machine learning or AI model has tunable hyperparameters that affect performance. This can be as simple as the number of trees in a random forest or the kernel of a Support Vector Machine, or as complex as the learning rate in a gradient boosted or deep learning method. In this simple TensorFlow example, we have constructed a 4 layer network to perform 2D, binary classification. We are attempting to learn a surface that can differentiate blue and orange dots as seen in the figure to the right. Even this simple task and small network has 22 tunable hyperparameters including traditional hyperparameters like learning rate and activation function, as well as regularization and architecture parameters, and feature transformation parameters. By tuning the parameters of this pipeline in unison we can achieve much better results than tuning them independently. This extends to other AI and machine learning pipelines as well, which may incorporate many unsupervised and supervised learning techniques with tunable parameters. © 2017 SigOpt, Inc https://sigopt.com
  • 5. STANDARD TUNING METHODS Parameter Configuration ? Grid Search Random Search Manual Search - Weights - Thresholds - Window sizes - Transformations ML / AI Model Testing Data Cross Validation Training Data Domain expertise is incredibly important when developing new machine learning pipelines, which often undergo rigorous validation before being deployed into production. Often the modeler needs to tune the hyperparameters and feature transformation parameters within their pipeline to optimize a performance metric and maximize the business value of the model. This involves finding the best parameter and hyperparameter configurations for all the various knobs and levers within the system and can have an significant impact on the end results. Traditionally this is a very time-consuming and expensive, trial and error based process that relies on methods like grid, random, local, or an expert-intensive manual search. © 2017 SigOpt, Inc https://sigopt.com
  • 6. OPTIMIZATION FEEDBACK LOOP Objective Metric Better Results REST API New configurations ML / AI Model Testing Data Cross Validation Training Data SigOpt uses a proven, peer-reviewed ensemble of Bayesian and Global Optimization algorithms to efficiently tune these models First, SigOpt suggests parameter configurations to evaluate, which are then evaluated using a method like cross validation where an objective metric like an AUC or F-1 score is computed. This process is repeated, either in parallel or serially. SigOpt’s ensemble of optimization methods leverages the historical performance of previous configurations to optimally suggest new parameter configurations to evaluate. By efficiently trading off exploration (learning more information about the underlying parameters and response surface) and exploitation (leveraging that information to optimize the output metric), SigOpt is able to find better configurations exponentially faster than standard methods like an exhaustive or grid search. All of this is accomplished by bolting our easy-to-integrate REST API onto your existing models and infrastructure. SigOpt’s black-box optimization algorithms require only high-level information about the parameters being tuned and how they performed, meaning sensitive information about your data and model stays private and secure. Additionally, the benefits captured by better tuning are additive with the work you’ve already done on the model and data itself. © 2017 SigOpt, Inc https://sigopt.com
  • 7. USE CASE: DEFAULT CLASSIFICATION ML / AI Model (xgboost) Testing Loan Data Cross Validation Accuracy (AUC ROC) Better Results REST API Hyperparameter Configurations Training Loan Data In this specific example, we’ll compare the relative tradeoffs of different tuning strategies in a loan default classification pipeline using xgboost, a popular gradient boosting library, and the open lending club dataset. We’ll tune the various hyperparameters of xgboost and optimize the accuracy metric of AUC ROC. © 2017 SigOpt, Inc https://sigopt.com
  • 8. COMPARATIVE PERFORMANCE Accuracy Grid Search Random Search AUC .698 .690 .683 .675 $1,000 100 hrs $10,000 1,000 hrs $100,000 10,000 hrs Cost ● Better: 22% fewer bad loans vs baseline ● Faster/Cheaper: 100x less time and AWS cost than standard tuning methods xgboost extended example SigOpt was able to efficiently tune the pipeline, beating the standard methods of exhaustive grid search and a randomized search in both AUC and the cost to achieve that AUC. SigOpt found a model that had a 22% relative improvement in the metric when compared to the default xgboost hyperparameters, while also requiring 100x fewer evaluations than the standard grid search approach. Extended xgboost example - Blog: http://blog.sigopt.com/post/140871698423/sigopt-for-ml-unsupervised-learning -with-even - Code: https://github.com/sigopt/sigopt-examples/tree/master/unsupervised-model © 2017 SigOpt, Inc https://sigopt.com
  • 9. USE CASE: COMPUTER VISION ML / AI Model (Tensorflow) Testing Images Cross Validation Accuracy Better Results REST API Hyperparameter Configurations and Feature Transformations Training Images Because SigOpt is a black-box optimization platform it is agnostic to the underlying model being tuned and can be readily used to tune any Machine Learning or AI pipeline. All SigOpt requires is continuous, integer, or categorical parameters to tune, whether they are hyperparameters of a machine learning model or feature transformation parameters of an NLP or computer vision model as well as a performance metric to optimize. SigOpt makes no assumptions about the underlying parameters or metric. It can even be a composite of many underlying metrics and does not need to be convex, continuous, differentiable, or even defined for all configurations. In this specific example, we’ll compare the relative tradeoffs of different tuning strategies in a computer vision classification pipeline using Google’s tensorflow on the SVHN image dataset. We’ll tune the various hyperparameters of tensorflow, as well as feature transformation parameters related to the images themselves, to optimize the accuracy of the classifier. © 2017 SigOpt, Inc https://sigopt.com
  • 10. COMPARATIVE PERFORMANCE ● Better: 315% better accuracy than baseline ● Faster/Cheaper: 88% cheaper than standard tuning methods Cost (1 production model, 50 GPU cluster) No Tuning Random Search Accuracy CVAcc 0.75 0.5 0.25 0 $5,000$7,500$10,000 1.0 $2,500 $0 Tensorflow CNN Example Neon DNN Examples SigOpt beat the default hyperparameter configuration as well as the standard randomized search method in both accuracy and the cost to achieve that accuracy, by requiring fewer evaluations to reach the optimal configuration on a GPU cluster. SigOpt found a model that had a 315% relative improvement in the metric when compared to the default tensorflow parameters, while also requiring 88% fewer evaluations than the standard random search approach. Extended Tensorflow example - Blog: http://blog.sigopt.com/post/141501625253/sigopt-for-ml-tensorflow-convnets-o n-a-budget - Code: https://github.com/sigopt/sigopt-examples/tree/master/tensorflow-cnn Extended Neon DNN examples - Blog: http://blog.sigopt.com/post/146208659358/much-deeper-much-faster-deep-ne ural-network - Code: https://github.com/sigopt/sigopt-examples/tree/master/dnn-tuning-nervana © 2017 SigOpt, Inc https://sigopt.com
  • 11. COMPARATIVE PERFORMANCE ● Better Results, Faster and Cheaper Quickly get the most out of your models with our proven, peer-reviewed ensemble of Bayesian and Global Optimization Methods ○ A Stratified Analysis of Bayesian Optimization Methods (ICML 2016) ○ Evaluation System for a Bayesian Optimization Service (ICML 2016) ○ Interactive Preference Learning of Utility Functions for Multi-Objective Optimization (NIPS 2016) ○ And more... ● Fully Featured Tune any model in any pipeline ○ Scales to 100 continuous, integer, and categorical parameters and many thousands of evaluations ○ Parallel tuning support across any number of models ○ Simple integrations with many languages and libraries ○ Powerful dashboards for introspecting your models and optimization ○ Advanced features like multi-objective optimization, failure region support, and more ● Secure Black Box Optimization Your data and models never leave your system SigOpt provides best-in-class performance. We’ve successfully deployed our solution at firms worldwide and rigorously compare our methods to standard and open source alternatives at the top machine learning conferences. Our platform scales to any problem and provides features like native parallelism, multi-objective optimization, and more. Additionally, our black box optimization approach means that your proprietary data and models never leave your system, allowing you to leverage these powerful techniques on top of the infrastructure and tools you’ve already built. Links: ○ A Stratified Analysis of Bayesian Optimization Methods (ICML 2016) ■ https://arxiv.org/pdf/1603.09441v1.pdf ○ Evaluation System for a Bayesian Optimization Service (ICML 2016) ■ https://arxiv.org/abs/1605.06170 ○ Interactive Preference Learning of Utility Functions for Multi-Objective Optimization (NIPS 2016) ■ https://arxiv.org/abs/1612.04453 ○ And more… ■ https://sigopt.com/research © 2017 SigOpt, Inc https://sigopt.com
  • 12. SIMPLIFIED OPTIMIZATION Client Libraries ● Python ● Java ● R ● Matlab ● And more... Framework Integrations ● TensorFlow ● Scikit-learn ● xgboost ● Keras ● Neon ● And more... Live Demo The SigOpt optimization platform integrates with any technology stack and the intuitive dashboards shine a light on the otherwise opaque world of parameter tuning. Just plug our API in, tune your models, and your whole team benefits from the history, transparency, and analysis in the platform. Documentation: https://sigopt.com/docs Integrations: https://github.com/sigopt Live Demo: https://sigopt.com/getstarted © 2017 SigOpt, Inc https://sigopt.com
  • 13. DISTRIBUTED TRAINING ● SigOpt serves as a distributed scheduler for training models across workers ● Workers access the SigOpt API for the latest parameters to try for each model ● Enables easy distributed training of non-distributed algorithms across any number of models SigOpt also allows you to tune any algorithm in parallel by acting as a distributed scheduler for parameter tuning. This allows you to tune traditionally serial models in parallel, and achieve better results faster than otherwise possible, while also scaling across any number of independent models. More info: https://sigopt.com/docs/overview/parallel © 2017 SigOpt, Inc https://sigopt.com
  • 14. SIGOPT CUSTOMERS SigOpt has successfully engaged with globally recognized leaders in insurance, credit card, algorithmic trading and consumer packaged goods industries. Use cases include: ● Trading Strategies ● Complex Models ● Simulations / Backtests ● Machine Learning and AI Select Customers SigOpt has been deployed successfully at some of the largest and most sophisticated firms and universities in the world We’ve helped tune everything from algorithmic trading strategies to machine learning and AI pipelines and beyond. © 2017 SigOpt, Inc https://sigopt.com
  • 15. Contact us to set up an evaluation today evaluation@sigopt.com Contact us to set up an evaluation and unleash the power of Bayesian and Global Optimization on your models today. © 2017 SigOpt, Inc https://sigopt.com