SlideShare a Scribd company logo
1
Ram Seshadri
Open Source Contributor
Aug 2021
Deep AutoViML
Agenda
2
1. Deep AutoViML
2. Features
3. Demo
4. MLOps
How
Deep
AutoViML
speeds
up
MLOps
© 2018-2019 Google LLC. All rights reserved.
Experiments
and Surprises
Are we in the Age of General AI?
Self Learning
Strategy
3
Special Thanks to
TWO-MINUTE PAPERS
Part 1: AlphaStar Part 2: AlphaStar
Out of the Box
Thinking-1
Out of the Box
Thinking-2
4
Transfer Learning More powerful pre-trained ML modules and models
for language, speech, vision, etc.
AutoML More sophisticated algorithms and systems for
automating ML model and pipeline development
Reinforcement Learning Algorithms and systems that learn to adaptively act in
their environments to optimize an objective
New Applications New uses of AI that we haven’t imagined yet...
Current Trends in AI Today
5
Current State of AI Today (Transfer Learning)
Source: https://towardsdatascience.com/gpt-3-the-new-mighty-language-model-from-openai-a74ff35346fc
Turing Natural
Language Generation
(T-NLG) is a 17 billion
parameter language
model by Microsoft that
outperforms the state
of the art on many
downstream NLP tasks.
Source: Link
OpenAI recently released a
new language model GPT-3
with close to 175B trainable
parameters,
Source:
https://www.theverge.com/2021/6/
29/22555777/github-openai-ai-tool-
autocomplete-code
6
Current State of AI Today (AutoML)
Source:
https://medium.com/ai%C2%B3-theory-practice-business/end-to-end-a
utoml-for-tabular-data-at-kaggle-days-c2e4b714dcac
Source:
https://www.wired.com/story/googles-ai-experts-t
ry-automate-themselves/
7
Current State of AI Today (Reinforcement Learning)
Source: https://discovery.ucl.ac.uk/id/eprint/10045895/1/agz_unformatted_nature.pdf
AlphaGo is the first computer program
to defeat a world champion at the
ancient Chinese game of Go. Zero is
even more powerful and is arguably the
strongest Go player in history.
Previous versions of AlphaGo initially
trained on thousands of human amateur
and professional games to learn how to
play Go. AlphaGo Zero skips this step
and learns to play simply by playing
games against itself, starting from
completely random play. In doing so, it
quickly surpassed human level of play
and defeated the Lee Sudo
champion-defeating version of AlphaGo
by 100 games to 0.
AlphaGo Zero
Build tf.keras
models and
pipelines in a
single line of
code!
https://github.com/AutoViML/deep_autoviml
8
Other AutoViML libraries
Main Page: https://github.com/AutoViML
Auto_ViML: https://github.com/AutoViML/Auto_ViML
AutoViz: https://github.com/AutoViML/AutoViz
Auto-TS: https://github.com/AutoViML/Auto_TS
Featurewiz: https://github.com/AutoViML/featurewiz
how deep_autoviml works
Build data pipeline
Train and Tune your
model
Preprocess features
Single Line of
Code
BYOM
Two options to
choose from: A fast and easy model
Bring your custom model
9
Find best model
architecture
Provide your
file(s)
Host your model*
* anywhere
why use deep_autoviml?
10
The main design goal of deep_autoviml:
Reduce time to production from experimentation!
Source: https://www.ericsson.com/en/blog/2020/10/democratizing-ai
how deep_autoviml can help you
1. Experiment with multiple deep learning architectures
2. Build models using a single syntax:
a. Structured Data,
b. Image
c. NLP
3. Handle very large data sets (removes pandas limitations)
4. Provide performant models while taking far less time to train
11
12
how deep_autoviml builds models
TF 1.x feature_columns
TF 2.4.x keras preprocessing layers
Model
Hidden
Layers
Dense, Activation, Dropout,
Flatten, Conv1D, Conv2D,
Reshape, etc.
Model
layers
Both hidden layers and
preprocessing layers are
within the model itself
Preprocessing
layers
CategoryEncoding,
Hashing, Discretization,
StringLookup, Integer, etc.
Feature Columns
layers
Input
layers
tf.data.Dataset,
keras.layers.Input, etc.
Input
layers
The model is separate from feature engineering and
feature transformations
These are input
layers to feed data
at rest from CSV
or other files
How deep_autoviml builds models
Previous way to build models
Since the model encapsulates preprocessing layers, you don’t to apply feature
engineering and feature transformations before predictions. The model will do it
automatically.
13
from deep_autoviml import deep_autoviml as deepauto
model, cat_vocab_dict = deepauto.fit(train, target, keras_model_type="auto",
project_name="deep_autoviml", keras_options={},
model_options={}, save_model_flag=True,
use_my_model='', verbose=0)
predictions = deepauto.predict(model, project_name, test_dataset=test,
keras_model_type=keras_model_type,
cat_vocab_dict=cat_vocab_dict)
pip install deep_autoviml
Deep_AutoViML can handle multiple models
14
Slide 14
Tabular Data: use “fast”
for a fast model
Tabular Data: use “fast1”
for deep and wide model
Tabular Data: use “fast2”
for deep and cross model
NLP: use “nlp” for simple
model
NLP: use “text” for more
advanced model
Image: use “image” for
image classifiers
keras_model_type is the main way to control the type of model
A Typical Keras example uses Numpy arrays
15
Here is a code snippet with model building steps put together: model definition, compilation, fitting and evaluation.
But it has the same problems that numpy and pandas have: memory limitations and no distributed strategy
deep_autoviml pipelines use TF2.5 throughout
16
Once trained, the model can be used directly
for predictions on raw data...
17
MODEL_NAME=propertyprice
VERSION_NAME=dnn
if [[ $(gcloud ai-platform models list --format='value(name)' |
grep $MODEL_NAME) ]]; then
echo "$MODEL_NAME already exists"
else
echo "Creating $MODEL_NAME"
gcloud ai-platform models create --regions=$REGION
$MODEL_NAME
fi
... create the model in Vertex AI Platform
Create a model object in Cloud AI Platform
Deploy the saved model in Cloud platforms
18
gcloud ai-platform versions create 
--model=$MODEL_NAME $VERSION_NAME 
--framework=tensorflow 
--python-version=3.5 
--runtime-version=2.1 
--origin=$EXPORT_PATH 
--staging-bucket=gs://$BUCKET
specify the model
name and version
EXPORT_PATH denotes
location of
SavedModel directory
Deploy SavedModel using gcloud ai-platform
Make predictions using Cloud provider
19
input.json = {"sq_footage": 3140,
"type": 'house'}
gcloud ai-platform predict 
--model propertyprice 
--version dnn 
--json-instances input.json
specify the name
and version of the
deployed model
json file for
prediction
Make predictions using gcloud ai-platform
Automation to help speed up ML processes
Build Classification / Regression models
on Tabular, Image and NLP data
Automated Data Type Inference
Automated missing value handling (as
well as np.inf handling)
Limited feature engineering (categorical
crosses)
Automated feature preprocessing layers
for every kind of data type(Continuous,
Categorical, Free Text, Lat/Lon, Images)
Automated model architecture selection
and hyper parameter tuning
Granular control over timing and
complexity of model training
Can handle dataset of any size - including
multiple CSV files
Automated CPU/GPU/TPU selection
(where available)
Automated train/validation/heldout sets
and model evaluation on heldout
20
More coming...
Features under development:
Automated GPU Distributed training
One-step model hosting on various cloud platforms
Various types of models: Seq2Seq, Time Series,
CSV file of Cloud Hosted Image / Text Files
What-If Tool Analysis
21
Tabular Data
22
Titanic on Kaggle: https://www.kaggle.com/rsesha/titanic-keras-0-7926-score-81roc
“auto” model
“auto” model
Uses NLP on string text: https://tfhub.dev/google/tf2-preview/gnews-swivel-20dim/1
No NLP on string text
Auto Model looks for best parameters for the architecture.
Just set the 'nlp_char_limit' to 10 which means “name” will be NLP
NLP Classifier
23
Tutorial on Kaggle: https://www.kaggle.com/rsesha/nlp-starter-deep-autoviml-demo
“auto” model
“nlp” model
Uses Swivel model from TFHub: https://tfhub.dev/google/tf2-preview/gnews-swivel-20dim/1
Uses NNLM model from TFHub: https://tfhub.dev/google/nnlm-en-dim50/2
Auto Model looks for best parameters for the architecture.
NLP Model merely runs the Encoder and builds a model.
Image Classifier
24
Tutorial on Kaggle: https://www.kaggle.com/rsesha/covid-19-image-classification-deep-autoviml
“image” model Uses EfficientNet model from TFHub: https://tfhub.dev/tensorflow/efficientnet/lite0/classification/2
25
Finally, a plug: If you are interested in learning more...
https://www.coursera.org/specializations/machine-learning-trading
Co-author Ram Seshadri

More Related Content

What's hot

Build, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleBuild, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleAmazon Web Services
 
Scaling up Deep Learning by Scaling Down
Scaling up Deep Learning by Scaling DownScaling up Deep Learning by Scaling Down
Scaling up Deep Learning by Scaling DownDatabricks
 
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...Provectus
 
TFX: A tensor flow-based production-scale machine learning platform
TFX: A tensor flow-based production-scale machine learning platformTFX: A tensor flow-based production-scale machine learning platform
TFX: A tensor flow-based production-scale machine learning platformShunya Ueta
 
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...Bill Liu
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidYufeng Guo
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfAmazon Web Services
 
Kubeflow Distributed Training and HPO
Kubeflow Distributed Training and HPOKubeflow Distributed Training and HPO
Kubeflow Distributed Training and HPOAnimesh Singh
 
Defend against adversarial AI using Adversarial Robustness Toolbox
Defend against adversarial AI using Adversarial Robustness Toolbox Defend against adversarial AI using Adversarial Robustness Toolbox
Defend against adversarial AI using Adversarial Robustness Toolbox Animesh Singh
 
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016MLconf
 
An AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOAn AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOYogeshIJTSRD
 
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...MLconf
 
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...Databricks
 
MLOps - Build pipelines with Tensor Flow Extended & Kubeflow
MLOps - Build pipelines with Tensor Flow Extended & KubeflowMLOps - Build pipelines with Tensor Flow Extended & Kubeflow
MLOps - Build pipelines with Tensor Flow Extended & KubeflowJan Kirenz
 
Hydrosphere.io for ODSC: Webinar on Kubeflow
Hydrosphere.io for ODSC: Webinar on KubeflowHydrosphere.io for ODSC: Webinar on Kubeflow
Hydrosphere.io for ODSC: Webinar on KubeflowRustem Zakiev
 
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and Istio
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and IstioAdvanced Model Inferencing leveraging Kubeflow Serving, KNative and Istio
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and IstioAnimesh Singh
 
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016MLconf
 
Model Drift Monitoring using Tensorflow Model Analysis
Model Drift Monitoring using Tensorflow Model AnalysisModel Drift Monitoring using Tensorflow Model Analysis
Model Drift Monitoring using Tensorflow Model AnalysisVivek Raja P S
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform Seldon
 

What's hot (20)

Build, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleBuild, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at Scale
 
Scaling up Deep Learning by Scaling Down
Scaling up Deep Learning by Scaling DownScaling up Deep Learning by Scaling Down
Scaling up Deep Learning by Scaling Down
 
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...
ODSC webinar "Kubeflow, MLFlow and Beyond — augmenting ML delivery" Stepan Pu...
 
TFX: A tensor flow-based production-scale machine learning platform
TFX: A tensor flow-based production-scale machine learning platformTFX: A tensor flow-based production-scale machine learning platform
TFX: A tensor flow-based production-scale machine learning platform
 
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...
AISF19 - Building Scalable, Kubernetes-Native ML/AI Pipelines with TFX, KubeF...
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on Android
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdf
 
Kubeflow Distributed Training and HPO
Kubeflow Distributed Training and HPOKubeflow Distributed Training and HPO
Kubeflow Distributed Training and HPO
 
Defend against adversarial AI using Adversarial Robustness Toolbox
Defend against adversarial AI using Adversarial Robustness Toolbox Defend against adversarial AI using Adversarial Robustness Toolbox
Defend against adversarial AI using Adversarial Robustness Toolbox
 
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
 
An AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLOAn AI Based ATM Intelligent Security System using Open CV and YOLO
An AI Based ATM Intelligent Security System using Open CV and YOLO
 
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
 
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...
Navigating the ML Pipeline Jungle with MLflow: Notes from the Field with Thun...
 
Tensorflow Ecosystem
Tensorflow EcosystemTensorflow Ecosystem
Tensorflow Ecosystem
 
MLOps - Build pipelines with Tensor Flow Extended & Kubeflow
MLOps - Build pipelines with Tensor Flow Extended & KubeflowMLOps - Build pipelines with Tensor Flow Extended & Kubeflow
MLOps - Build pipelines with Tensor Flow Extended & Kubeflow
 
Hydrosphere.io for ODSC: Webinar on Kubeflow
Hydrosphere.io for ODSC: Webinar on KubeflowHydrosphere.io for ODSC: Webinar on Kubeflow
Hydrosphere.io for ODSC: Webinar on Kubeflow
 
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and Istio
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and IstioAdvanced Model Inferencing leveraging Kubeflow Serving, KNative and Istio
Advanced Model Inferencing leveraging Kubeflow Serving, KNative and Istio
 
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
 
Model Drift Monitoring using Tensorflow Model Analysis
Model Drift Monitoring using Tensorflow Model AnalysisModel Drift Monitoring using Tensorflow Model Analysis
Model Drift Monitoring using Tensorflow Model Analysis
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform
 

Similar to Deep AutoViML For Tensorflow Models and MLOps Workflows

MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle Databricks
 
DevBCN Vertex AI - Pipelines for your MLOps workflows
DevBCN Vertex AI - Pipelines for your MLOps workflowsDevBCN Vertex AI - Pipelines for your MLOps workflows
DevBCN Vertex AI - Pipelines for your MLOps workflowsMárton Kodok
 
From Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerFrom Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerAmazon Web Services
 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleAmazon Web Services
 
201909 Automated ML for Developers
201909 Automated ML for Developers201909 Automated ML for Developers
201909 Automated ML for DevelopersMark Tabladillo
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Julien SIMON
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Codiax
 
Machine Learning with Hadoop
Machine Learning with HadoopMachine Learning with Hadoop
Machine Learning with HadoopSangchul Song
 
Strata CA 2019: From Jupyter to Production Manu Mukerji
Strata CA 2019: From Jupyter to Production Manu MukerjiStrata CA 2019: From Jupyter to Production Manu Mukerji
Strata CA 2019: From Jupyter to Production Manu MukerjiManu Mukerji
 
Webinar GLUGNet - Machine Learning.Net and Windows Machine Learning
Webinar GLUGNet - Machine Learning.Net and Windows Machine LearningWebinar GLUGNet - Machine Learning.Net and Windows Machine Learning
Webinar GLUGNet - Machine Learning.Net and Windows Machine LearningBruno Capuano
 
2018 12 18 Tech Valley UserGroup Machine Learning.Net
2018 12 18 Tech Valley UserGroup Machine Learning.Net2018 12 18 Tech Valley UserGroup Machine Learning.Net
2018 12 18 Tech Valley UserGroup Machine Learning.NetBruno Capuano
 
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...DataWorks Summit
 
END-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKEND-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKJan Wiegelmann
 
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...Amazon Web Services
 
Serverless Functions and Machine Learning: Putting the AI in APIs
Serverless Functions and Machine Learning: Putting the AI in APIsServerless Functions and Machine Learning: Putting the AI in APIs
Serverless Functions and Machine Learning: Putting the AI in APIsNordic APIs
 
201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0Mark Tabladillo
 

Similar to Deep AutoViML For Tensorflow Models and MLOps Workflows (20)

Introduction to ML.NET
Introduction to ML.NETIntroduction to ML.NET
Introduction to ML.NET
 
MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle
 
DevBCN Vertex AI - Pipelines for your MLOps workflows
DevBCN Vertex AI - Pipelines for your MLOps workflowsDevBCN Vertex AI - Pipelines for your MLOps workflows
DevBCN Vertex AI - Pipelines for your MLOps workflows
 
From Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerFrom Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMaker
 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at Scale
 
201909 Automated ML for Developers
201909 Automated ML for Developers201909 Automated ML for Developers
201909 Automated ML for Developers
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
 
Machine Learning with Hadoop
Machine Learning with HadoopMachine Learning with Hadoop
Machine Learning with Hadoop
 
Strata CA 2019: From Jupyter to Production Manu Mukerji
Strata CA 2019: From Jupyter to Production Manu MukerjiStrata CA 2019: From Jupyter to Production Manu Mukerji
Strata CA 2019: From Jupyter to Production Manu Mukerji
 
Webinar GLUGNet - Machine Learning.Net and Windows Machine Learning
Webinar GLUGNet - Machine Learning.Net and Windows Machine LearningWebinar GLUGNet - Machine Learning.Net and Windows Machine Learning
Webinar GLUGNet - Machine Learning.Net and Windows Machine Learning
 
2018 12 18 Tech Valley UserGroup Machine Learning.Net
2018 12 18 Tech Valley UserGroup Machine Learning.Net2018 12 18 Tech Valley UserGroup Machine Learning.Net
2018 12 18 Tech Valley UserGroup Machine Learning.Net
 
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
 
END-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACKEND-TO-END MACHINE LEARNING STACK
END-TO-END MACHINE LEARNING STACK
 
Democratize ai with google cloud
Democratize ai with google cloudDemocratize ai with google cloud
Democratize ai with google cloud
 
WML SNAP ML
WML SNAP MLWML SNAP ML
WML SNAP ML
 
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
ML Best Practices: Prepare Data, Build Models, and Manage Lifecycle (AIM396-S...
 
Serverless Functions and Machine Learning: Putting the AI in APIs
Serverless Functions and Machine Learning: Putting the AI in APIsServerless Functions and Machine Learning: Putting the AI in APIs
Serverless Functions and Machine Learning: Putting the AI in APIs
 
201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0
 
Build 2019 Recap
Build 2019 RecapBuild 2019 Recap
Build 2019 Recap
 

More from Bill Liu

Walk Through a Real World ML Production Project
Walk Through a Real World ML Production ProjectWalk Through a Real World ML Production Project
Walk Through a Real World ML Production ProjectBill Liu
 
Redefining MLOps with Model Deployment, Management and Observability in Produ...
Redefining MLOps with Model Deployment, Management and Observability in Produ...Redefining MLOps with Model Deployment, Management and Observability in Produ...
Redefining MLOps with Model Deployment, Management and Observability in Produ...Bill Liu
 
Productizing Machine Learning at the Edge
Productizing Machine Learning at the EdgeProductizing Machine Learning at the Edge
Productizing Machine Learning at the EdgeBill Liu
 
Transformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroTransformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroBill Liu
 
Practical Crowdsourcing for ML at Scale
Practical Crowdsourcing for ML at ScalePractical Crowdsourcing for ML at Scale
Practical Crowdsourcing for ML at ScaleBill Liu
 
Building large scale transactional data lake using apache hudi
Building large scale transactional data lake using apache hudiBuilding large scale transactional data lake using apache hudi
Building large scale transactional data lake using apache hudiBill Liu
 
Deep Reinforcement Learning and Its Applications
Deep Reinforcement Learning and Its ApplicationsDeep Reinforcement Learning and Its Applications
Deep Reinforcement Learning and Its ApplicationsBill Liu
 
Big Data and AI in Fighting Against COVID-19
Big Data and AI in Fighting Against COVID-19Big Data and AI in Fighting Against COVID-19
Big Data and AI in Fighting Against COVID-19Bill Liu
 
Build computer vision models to perform object detection and classification w...
Build computer vision models to perform object detection and classification w...Build computer vision models to perform object detection and classification w...
Build computer vision models to perform object detection and classification w...Bill Liu
 
Causal Inference in Data Science and Machine Learning
Causal Inference in Data Science and Machine LearningCausal Inference in Data Science and Machine Learning
Causal Inference in Data Science and Machine LearningBill Liu
 
AISF19 - On Blending Machine Learning with Microeconomics
AISF19 - On Blending Machine Learning with MicroeconomicsAISF19 - On Blending Machine Learning with Microeconomics
AISF19 - On Blending Machine Learning with MicroeconomicsBill Liu
 
AISF19 - Travel in the AI-First World
AISF19 - Travel in the AI-First WorldAISF19 - Travel in the AI-First World
AISF19 - Travel in the AI-First WorldBill Liu
 
Toronto meetup 20190917
Toronto meetup 20190917Toronto meetup 20190917
Toronto meetup 20190917Bill Liu
 
Feature Engineering for NLP
Feature Engineering for NLPFeature Engineering for NLP
Feature Engineering for NLPBill Liu
 
Auto visualization and viml
Auto visualization and vimlAuto visualization and viml
Auto visualization and vimlBill Liu
 
Explainability and bias in AI
Explainability and bias in AIExplainability and bias in AI
Explainability and bias in AIBill Liu
 
An Introduction to Neural Architecture Search
An Introduction to Neural Architecture SearchAn Introduction to Neural Architecture Search
An Introduction to Neural Architecture SearchBill Liu
 
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...Bill Liu
 
Data stream with cruise control
Data stream with cruise controlData stream with cruise control
Data stream with cruise controlBill Liu
 
AI in linkedin
AI in linkedinAI in linkedin
AI in linkedinBill Liu
 

More from Bill Liu (20)

Walk Through a Real World ML Production Project
Walk Through a Real World ML Production ProjectWalk Through a Real World ML Production Project
Walk Through a Real World ML Production Project
 
Redefining MLOps with Model Deployment, Management and Observability in Produ...
Redefining MLOps with Model Deployment, Management and Observability in Produ...Redefining MLOps with Model Deployment, Management and Observability in Produ...
Redefining MLOps with Model Deployment, Management and Observability in Produ...
 
Productizing Machine Learning at the Edge
Productizing Machine Learning at the EdgeProductizing Machine Learning at the Edge
Productizing Machine Learning at the Edge
 
Transformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroTransformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to Hero
 
Practical Crowdsourcing for ML at Scale
Practical Crowdsourcing for ML at ScalePractical Crowdsourcing for ML at Scale
Practical Crowdsourcing for ML at Scale
 
Building large scale transactional data lake using apache hudi
Building large scale transactional data lake using apache hudiBuilding large scale transactional data lake using apache hudi
Building large scale transactional data lake using apache hudi
 
Deep Reinforcement Learning and Its Applications
Deep Reinforcement Learning and Its ApplicationsDeep Reinforcement Learning and Its Applications
Deep Reinforcement Learning and Its Applications
 
Big Data and AI in Fighting Against COVID-19
Big Data and AI in Fighting Against COVID-19Big Data and AI in Fighting Against COVID-19
Big Data and AI in Fighting Against COVID-19
 
Build computer vision models to perform object detection and classification w...
Build computer vision models to perform object detection and classification w...Build computer vision models to perform object detection and classification w...
Build computer vision models to perform object detection and classification w...
 
Causal Inference in Data Science and Machine Learning
Causal Inference in Data Science and Machine LearningCausal Inference in Data Science and Machine Learning
Causal Inference in Data Science and Machine Learning
 
AISF19 - On Blending Machine Learning with Microeconomics
AISF19 - On Blending Machine Learning with MicroeconomicsAISF19 - On Blending Machine Learning with Microeconomics
AISF19 - On Blending Machine Learning with Microeconomics
 
AISF19 - Travel in the AI-First World
AISF19 - Travel in the AI-First WorldAISF19 - Travel in the AI-First World
AISF19 - Travel in the AI-First World
 
Toronto meetup 20190917
Toronto meetup 20190917Toronto meetup 20190917
Toronto meetup 20190917
 
Feature Engineering for NLP
Feature Engineering for NLPFeature Engineering for NLP
Feature Engineering for NLP
 
Auto visualization and viml
Auto visualization and vimlAuto visualization and viml
Auto visualization and viml
 
Explainability and bias in AI
Explainability and bias in AIExplainability and bias in AI
Explainability and bias in AI
 
An Introduction to Neural Architecture Search
An Introduction to Neural Architecture SearchAn Introduction to Neural Architecture Search
An Introduction to Neural Architecture Search
 
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...
weekly AI tech talk #85 ml-agents Enabling Learned Behaviors with Reinforceme...
 
Data stream with cruise control
Data stream with cruise controlData stream with cruise control
Data stream with cruise control
 
AI in linkedin
AI in linkedinAI in linkedin
AI in linkedin
 

Recently uploaded

The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform EngineeringJemma Hussein Allen
 
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered QualitySoftware Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered QualityInflectra
 
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...Product School
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance
 
UiPath Test Automation using UiPath Test Suite series, part 2
UiPath Test Automation using UiPath Test Suite series, part 2UiPath Test Automation using UiPath Test Suite series, part 2
UiPath Test Automation using UiPath Test Suite series, part 2DianaGray10
 
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo Diehl
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo DiehlFuture Visions: Predictions to Guide and Time Tech Innovation, Peter Udo Diehl
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo DiehlPeter Udo Diehl
 
Speed Wins: From Kafka to APIs in Minutes
Speed Wins: From Kafka to APIs in MinutesSpeed Wins: From Kafka to APIs in Minutes
Speed Wins: From Kafka to APIs in Minutesconfluent
 
JMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and GrafanaJMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and GrafanaRTTS
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3DianaGray10
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)Ralf Eggert
 
"Impact of front-end architecture on development cost", Viktor Turskyi
"Impact of front-end architecture on development cost", Viktor Turskyi"Impact of front-end architecture on development cost", Viktor Turskyi
"Impact of front-end architecture on development cost", Viktor TurskyiFwdays
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...Product School
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxAbida Shariff
 
ODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User GroupODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User GroupCatarinaPereira64715
 
НАДІЯ ФЕДЮШКО БАЦ «Професійне зростання QA спеціаліста»
НАДІЯ ФЕДЮШКО БАЦ  «Професійне зростання QA спеціаліста»НАДІЯ ФЕДЮШКО БАЦ  «Професійне зростання QA спеціаліста»
НАДІЯ ФЕДЮШКО БАЦ «Професійне зростання QA спеціаліста»QADay
 
Designing Great Products: The Power of Design and Leadership by Chief Designe...
Designing Great Products: The Power of Design and Leadership by Chief Designe...Designing Great Products: The Power of Design and Leadership by Chief Designe...
Designing Great Products: The Power of Design and Leadership by Chief Designe...Product School
 
Demystifying gRPC in .Net by John Staveley
Demystifying gRPC in .Net by John StaveleyDemystifying gRPC in .Net by John Staveley
Demystifying gRPC in .Net by John StaveleyJohn Staveley
 
Assuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyesAssuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyesThousandEyes
 
In-Depth Performance Testing Guide for IT Professionals
In-Depth Performance Testing Guide for IT ProfessionalsIn-Depth Performance Testing Guide for IT Professionals
In-Depth Performance Testing Guide for IT ProfessionalsExpeed Software
 
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMsTo Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMsPaul Groth
 

Recently uploaded (20)

The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform Engineering
 
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered QualitySoftware Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
Software Delivery At the Speed of AI: Inflectra Invests In AI-Powered Quality
 
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
 
UiPath Test Automation using UiPath Test Suite series, part 2
UiPath Test Automation using UiPath Test Suite series, part 2UiPath Test Automation using UiPath Test Suite series, part 2
UiPath Test Automation using UiPath Test Suite series, part 2
 
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo Diehl
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo DiehlFuture Visions: Predictions to Guide and Time Tech Innovation, Peter Udo Diehl
Future Visions: Predictions to Guide and Time Tech Innovation, Peter Udo Diehl
 
Speed Wins: From Kafka to APIs in Minutes
Speed Wins: From Kafka to APIs in MinutesSpeed Wins: From Kafka to APIs in Minutes
Speed Wins: From Kafka to APIs in Minutes
 
JMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and GrafanaJMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and Grafana
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
 
"Impact of front-end architecture on development cost", Viktor Turskyi
"Impact of front-end architecture on development cost", Viktor Turskyi"Impact of front-end architecture on development cost", Viktor Turskyi
"Impact of front-end architecture on development cost", Viktor Turskyi
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
 
ODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User GroupODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User Group
 
НАДІЯ ФЕДЮШКО БАЦ «Професійне зростання QA спеціаліста»
НАДІЯ ФЕДЮШКО БАЦ  «Професійне зростання QA спеціаліста»НАДІЯ ФЕДЮШКО БАЦ  «Професійне зростання QA спеціаліста»
НАДІЯ ФЕДЮШКО БАЦ «Професійне зростання QA спеціаліста»
 
Designing Great Products: The Power of Design and Leadership by Chief Designe...
Designing Great Products: The Power of Design and Leadership by Chief Designe...Designing Great Products: The Power of Design and Leadership by Chief Designe...
Designing Great Products: The Power of Design and Leadership by Chief Designe...
 
Demystifying gRPC in .Net by John Staveley
Demystifying gRPC in .Net by John StaveleyDemystifying gRPC in .Net by John Staveley
Demystifying gRPC in .Net by John Staveley
 
Assuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyesAssuring Contact Center Experiences for Your Customers With ThousandEyes
Assuring Contact Center Experiences for Your Customers With ThousandEyes
 
In-Depth Performance Testing Guide for IT Professionals
In-Depth Performance Testing Guide for IT ProfessionalsIn-Depth Performance Testing Guide for IT Professionals
In-Depth Performance Testing Guide for IT Professionals
 
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMsTo Graph or Not to Graph Knowledge Graph Architectures and LLMs
To Graph or Not to Graph Knowledge Graph Architectures and LLMs
 

Deep AutoViML For Tensorflow Models and MLOps Workflows

  • 1. 1 Ram Seshadri Open Source Contributor Aug 2021 Deep AutoViML
  • 2. Agenda 2 1. Deep AutoViML 2. Features 3. Demo 4. MLOps How Deep AutoViML speeds up MLOps
  • 3. © 2018-2019 Google LLC. All rights reserved. Experiments and Surprises Are we in the Age of General AI? Self Learning Strategy 3 Special Thanks to TWO-MINUTE PAPERS Part 1: AlphaStar Part 2: AlphaStar Out of the Box Thinking-1 Out of the Box Thinking-2
  • 4. 4 Transfer Learning More powerful pre-trained ML modules and models for language, speech, vision, etc. AutoML More sophisticated algorithms and systems for automating ML model and pipeline development Reinforcement Learning Algorithms and systems that learn to adaptively act in their environments to optimize an objective New Applications New uses of AI that we haven’t imagined yet... Current Trends in AI Today
  • 5. 5 Current State of AI Today (Transfer Learning) Source: https://towardsdatascience.com/gpt-3-the-new-mighty-language-model-from-openai-a74ff35346fc Turing Natural Language Generation (T-NLG) is a 17 billion parameter language model by Microsoft that outperforms the state of the art on many downstream NLP tasks. Source: Link OpenAI recently released a new language model GPT-3 with close to 175B trainable parameters, Source: https://www.theverge.com/2021/6/ 29/22555777/github-openai-ai-tool- autocomplete-code
  • 6. 6 Current State of AI Today (AutoML) Source: https://medium.com/ai%C2%B3-theory-practice-business/end-to-end-a utoml-for-tabular-data-at-kaggle-days-c2e4b714dcac Source: https://www.wired.com/story/googles-ai-experts-t ry-automate-themselves/
  • 7. 7 Current State of AI Today (Reinforcement Learning) Source: https://discovery.ucl.ac.uk/id/eprint/10045895/1/agz_unformatted_nature.pdf AlphaGo is the first computer program to defeat a world champion at the ancient Chinese game of Go. Zero is even more powerful and is arguably the strongest Go player in history. Previous versions of AlphaGo initially trained on thousands of human amateur and professional games to learn how to play Go. AlphaGo Zero skips this step and learns to play simply by playing games against itself, starting from completely random play. In doing so, it quickly surpassed human level of play and defeated the Lee Sudo champion-defeating version of AlphaGo by 100 games to 0. AlphaGo Zero
  • 8. Build tf.keras models and pipelines in a single line of code! https://github.com/AutoViML/deep_autoviml 8 Other AutoViML libraries Main Page: https://github.com/AutoViML Auto_ViML: https://github.com/AutoViML/Auto_ViML AutoViz: https://github.com/AutoViML/AutoViz Auto-TS: https://github.com/AutoViML/Auto_TS Featurewiz: https://github.com/AutoViML/featurewiz
  • 9. how deep_autoviml works Build data pipeline Train and Tune your model Preprocess features Single Line of Code BYOM Two options to choose from: A fast and easy model Bring your custom model 9 Find best model architecture Provide your file(s) Host your model* * anywhere
  • 10. why use deep_autoviml? 10 The main design goal of deep_autoviml: Reduce time to production from experimentation! Source: https://www.ericsson.com/en/blog/2020/10/democratizing-ai
  • 11. how deep_autoviml can help you 1. Experiment with multiple deep learning architectures 2. Build models using a single syntax: a. Structured Data, b. Image c. NLP 3. Handle very large data sets (removes pandas limitations) 4. Provide performant models while taking far less time to train 11
  • 12. 12 how deep_autoviml builds models TF 1.x feature_columns TF 2.4.x keras preprocessing layers Model Hidden Layers Dense, Activation, Dropout, Flatten, Conv1D, Conv2D, Reshape, etc. Model layers Both hidden layers and preprocessing layers are within the model itself Preprocessing layers CategoryEncoding, Hashing, Discretization, StringLookup, Integer, etc. Feature Columns layers Input layers tf.data.Dataset, keras.layers.Input, etc. Input layers The model is separate from feature engineering and feature transformations These are input layers to feed data at rest from CSV or other files How deep_autoviml builds models Previous way to build models Since the model encapsulates preprocessing layers, you don’t to apply feature engineering and feature transformations before predictions. The model will do it automatically.
  • 13. 13 from deep_autoviml import deep_autoviml as deepauto model, cat_vocab_dict = deepauto.fit(train, target, keras_model_type="auto", project_name="deep_autoviml", keras_options={}, model_options={}, save_model_flag=True, use_my_model='', verbose=0) predictions = deepauto.predict(model, project_name, test_dataset=test, keras_model_type=keras_model_type, cat_vocab_dict=cat_vocab_dict) pip install deep_autoviml
  • 14. Deep_AutoViML can handle multiple models 14 Slide 14 Tabular Data: use “fast” for a fast model Tabular Data: use “fast1” for deep and wide model Tabular Data: use “fast2” for deep and cross model NLP: use “nlp” for simple model NLP: use “text” for more advanced model Image: use “image” for image classifiers keras_model_type is the main way to control the type of model
  • 15. A Typical Keras example uses Numpy arrays 15 Here is a code snippet with model building steps put together: model definition, compilation, fitting and evaluation. But it has the same problems that numpy and pandas have: memory limitations and no distributed strategy
  • 16. deep_autoviml pipelines use TF2.5 throughout 16
  • 17. Once trained, the model can be used directly for predictions on raw data... 17 MODEL_NAME=propertyprice VERSION_NAME=dnn if [[ $(gcloud ai-platform models list --format='value(name)' | grep $MODEL_NAME) ]]; then echo "$MODEL_NAME already exists" else echo "Creating $MODEL_NAME" gcloud ai-platform models create --regions=$REGION $MODEL_NAME fi ... create the model in Vertex AI Platform Create a model object in Cloud AI Platform
  • 18. Deploy the saved model in Cloud platforms 18 gcloud ai-platform versions create --model=$MODEL_NAME $VERSION_NAME --framework=tensorflow --python-version=3.5 --runtime-version=2.1 --origin=$EXPORT_PATH --staging-bucket=gs://$BUCKET specify the model name and version EXPORT_PATH denotes location of SavedModel directory Deploy SavedModel using gcloud ai-platform
  • 19. Make predictions using Cloud provider 19 input.json = {"sq_footage": 3140, "type": 'house'} gcloud ai-platform predict --model propertyprice --version dnn --json-instances input.json specify the name and version of the deployed model json file for prediction Make predictions using gcloud ai-platform
  • 20. Automation to help speed up ML processes Build Classification / Regression models on Tabular, Image and NLP data Automated Data Type Inference Automated missing value handling (as well as np.inf handling) Limited feature engineering (categorical crosses) Automated feature preprocessing layers for every kind of data type(Continuous, Categorical, Free Text, Lat/Lon, Images) Automated model architecture selection and hyper parameter tuning Granular control over timing and complexity of model training Can handle dataset of any size - including multiple CSV files Automated CPU/GPU/TPU selection (where available) Automated train/validation/heldout sets and model evaluation on heldout 20
  • 21. More coming... Features under development: Automated GPU Distributed training One-step model hosting on various cloud platforms Various types of models: Seq2Seq, Time Series, CSV file of Cloud Hosted Image / Text Files What-If Tool Analysis 21
  • 22. Tabular Data 22 Titanic on Kaggle: https://www.kaggle.com/rsesha/titanic-keras-0-7926-score-81roc “auto” model “auto” model Uses NLP on string text: https://tfhub.dev/google/tf2-preview/gnews-swivel-20dim/1 No NLP on string text Auto Model looks for best parameters for the architecture. Just set the 'nlp_char_limit' to 10 which means “name” will be NLP
  • 23. NLP Classifier 23 Tutorial on Kaggle: https://www.kaggle.com/rsesha/nlp-starter-deep-autoviml-demo “auto” model “nlp” model Uses Swivel model from TFHub: https://tfhub.dev/google/tf2-preview/gnews-swivel-20dim/1 Uses NNLM model from TFHub: https://tfhub.dev/google/nnlm-en-dim50/2 Auto Model looks for best parameters for the architecture. NLP Model merely runs the Encoder and builds a model.
  • 24. Image Classifier 24 Tutorial on Kaggle: https://www.kaggle.com/rsesha/covid-19-image-classification-deep-autoviml “image” model Uses EfficientNet model from TFHub: https://tfhub.dev/tensorflow/efficientnet/lite0/classification/2
  • 25. 25 Finally, a plug: If you are interested in learning more... https://www.coursera.org/specializations/machine-learning-trading Co-author Ram Seshadri