SlideShare a Scribd company logo
Managing the Machine
Learning Lifecycle with
MLOps
23.01.2020
Ankara Tech Talks
Fatih Baltacı
● Data Scientist @Databoss
○ Supervised Object Detection
● MSc Student in METU Computer Engineering
○ Weakly Supervised Object Detection
● https://github.com/fatihbaltaci
What is ML Ops?
● DevOps for ML
● Collaboration & Communication between data scientists and
operations professionals
● Manage production ML/DL Lifecycle
What is ML Ops?
● Increase Automation like DevOps
● Improve the quality of production ML
● Started as Best Practices, Evolving into ML Lifecycle Management
DEPLOYMENT
TRAINING DATA PREP
RAW DATA
ML
Lifecycle
DEPLOYMENT
TRAINING DATA PREP
RAW DATA
ML
Lifecycle
DEPLOYMENT
TRAINING DATA PREP
RAW DATA
ML
Lifecycle
DEPLOYMENT
TRAINING DATA PREP
RAW DATA
ML
Lifecycle
DEPLOYMENT
TRAINING DATA PREP
RAW DATA
ML
Lifecycle
https://docs.docker.com/get-started/
● OS-level virtualization
● Build, share, and run applications with containers
● Docker is written in go
https://hub.docker.com/r/pytorch/pytorch/tags
https://github.com/fatihbaltaci/docker-files/blob/master/jupyter_pytorch/Dockerfile
Dockerfile
FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime
RUN apt-get update && apt-get install -y wget vim unzip
RUN pip --no-cache-dir install mlflow==0.9.1 jupyterlab==1.2.4
…
CMD [ "jupyter", "lab" ]
Dockerfile
FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime
RUN apt-get update && apt-get install -y wget vim unzip
RUN pip --no-cache-dir install mlflow==0.9.1 jupyterlab==1.2.4
…
CMD [ "jupyter", "lab" ]
Base Image
https://github.com/fatihbaltaci/docker-files/blob/master/jupyter_pytorch/Dockerfile
Dockerfile
FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime
RUN apt-get update && apt-get install -y wget vim unzip
RUN pip --no-cache-dir install mlflow==0.9.1 jupyterlab==1.2.4
…
CMD [ "jupyter", "lab" ]
Base Image
Install
Ubuntu
Packages
https://github.com/fatihbaltaci/docker-files/blob/master/jupyter_pytorch/Dockerfile
Dockerfile
FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime
RUN apt-get update && apt-get install -y wget vim unzip
RUN pip --no-cache-dir install mlflow==0.9.1 jupyterlab==1.2.4
…
CMD [ "jupyter", "lab" ]
Base Image
Install
Ubuntu
Packages
Install
Python
Packages
https://github.com/fatihbaltaci/docker-files/blob/master/jupyter_pytorch/Dockerfile
Dockerfile
FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime
RUN apt-get update && apt-get install -y wget vim unzip
RUN pip --no-cache-dir install mlflow==0.9.1 jupyterlab==1.2.4
…
CMD [ "jupyter", "lab" ]
Base Image
Install
Ubuntu
Packages
Install
Python
Packages
https://github.com/fatihbaltaci/docker-files/blob/master/jupyter_pytorch/Dockerfile
Container
Starting
Point
http://www.markbuckler.com/post/docker-use/
Jupyterlab with Single Line
docker run -dit -p 8888:8888 -v /jupyter:/workspace
--restart=always --name=jupyter_lab fatihbaltaci/jupyter
https://hub.docker.com/repository/docker/fatihbaltaci/jupyter
https://gist.github.com/fatihbaltaci/d1fa95b9cf166de793d186c1d75f53f6#docker-image-save-and-load
Save & Load Docker Images
docker save my_ubuntu_image > my_ubuntu_image.tar
gzip my_ubuntu_image.tar # (Optional)
gunzip my_ubuntu_image.tar.gz # (Optional)
docker load < my_ubuntu_image.tar
https://fatihbaltaci.github.io/docker/2019/10/30/docker-save-load-images-minimal-size.html
Save & Load Docker Images
Image: pytorch/pytorch:1.2-cuda10.0-cudnn7-runtime
Base Image .tar .tar.gz
3.85GB 3.6GB 2.0GB
Tensorflow Serving
Flexible, high-performance serving system for machine learning models, designed for production environments.
● Model Discovery
● gRPC and REST Interface
● Separation of API and Model Server
● High Performance Inference
● Limited to Tensorflow
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
REST Port
(Host)
REST Port
(Container)
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
Container
Name
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
Bind Volume
(Host)
Bind Volume
(Container)
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
Load the model as
resnet
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t tensorflow/serving
Docker image
name
SERVER_URL = 'http://localhost:8501/v1/models/resnet:predict'
...
# Send few actual requests and report average latency.
total_time = 0
num_requests = 10
for _ in range(num_requests):
response = requests.post(SERVER_URL, data=predict_request)
response.raise_for_status()
total_time += response.elapsed.total_seconds()
prediction = response.json()['predictions'][0]
print('Prediction class: {}, avg latency: {} ms'.format(
prediction['classes'], (total_time*1000)/num_requests))
https://raw.githubusercontent.com/tensorflow/serving/master/tensorflow_serving/example/resnet_client.py
$ python /tmp/resnet/resnet_client.py
Prediction class: 286, avg latency: 59.0938 ms
cat
Slow Inference Time?
... Your CPU supports instructions that this TensorFlow binary was not compiled
to use: AVX2 FMA
● Some optimizations are left out to maximize compatibility
● Build Tensorflow Serving with your CPU architecture
Build your own Docker Image
docker build -t $USER/tensorflow-serving-devel 
-f Dockerfile.devel .
https://github.com/tensorflow/serving/tree/master/tensorflow_serving/tools/docker
~52 minutes Ryzen 5 2600 3.9GHz
16 GB RAM
M.2 NVME SSD
Build your own Docker Image
docker build -t $USER/tensorflow-serving --build-arg 
TF_SERVING_BUILD_IMAGE=$USER/tensorflow-serving-devel
.
https://github.com/tensorflow/serving/tree/master/tensorflow_serving/tools/docker
docker run -p 8501:8501 
--name tfserving_resnet 
-v /tmp/resnet:/models/resnet 
-e MODEL_NAME=resnet -t 
fatih/tensorflow-serving
$ python /tmp/resnet/resnet_client.py
Prediction class: 286, avg latency: 57.2427 ms
https://github.com/tensorflow/tensorflow/releases/tag/v1.6.0
Tensorflow Serving
$ ls /tmp/resnet
1538687457
model
version
Tensorflow Serving
$ ls /tmp/resnet
1538687457 1538687458
new model
… Successfully loaded servable version {name:
resnet version: 1538687458}
…
… Unloading servable version {name: resnet
version: 1538687457}
MLflow:
Open source ML Platform.
● Works with any ML framework.
● Key Components:
○ MLflow Tracking: experiment tracking
○ MLflow Projects: reproducible runs
○ MLflow Models: model packaging
MLflow Tracking:
● git commit id
● REST API
● Supported in Azure Machine Learning
MLflow Tracking:
mlflow.log_param(“lr”, 0.001)
mlflow.log_param(“img_size”, 608)
mlflow.log_metric(“accuracy”, 0.85)
mlflow.log_metric(“accuracy”, 0.86)
mlflow.log_metric(“accuracy”, 0.89)
...
https://medium.com/analytics-vidhya/tracking-deep-learning-experiments-using-keras-mlflow-and-mongodb-732
fc771266c
MLflow:
Model Management Problem ??
MLflow:
Model Management Problem ?? classifier_v1.pt
classifier_prod.pt
classifier_v3_23_01_2020.pt
classifier_new.pt
...
MLflow:
Model Management Problem ??
● Where can I find the best version of the model?
● What are the hyper-parameters for this trained model?
● How can we review model before production?
Solution: MLflow Registry
MLflow Model Registry:
MLflow Model Registry:
● Repository of named, versioned models with comments
● Model deploy stages: dev, staging, production, archived
MLflow Model Registry:
client = mlflow.tracking.MlflowClient()
client.get_latest_versions(name = "RetinaNet",
stages = ["Staging"])
import keras
mlflow.keras.autolog()
mnist = keras.datasets.mnist
…
model.fit(x_train, y_train,
epochs=5)
https://databricks.com/blog/2019/08/19/mlflow-tensorflow-open-source-show.html
Polyaxon
A platform for reproducing and managing the whole life cycle of machine learning and deep learning applications
● Kubernetes needed
● Major ML libraries supported
● Open Source
● Tracking & Scheduling between distributed servers
Polyaxon
● Alternative to Slurm
● Solves resource allocation problem in organizations
● Create experiments with .yaml files
Polyaxon
version: 1
kind: experiment
build:
image: tensorflow/tensorflow:1.4.1-py3
build_steps:
- pip3 install polyaxon-client
run:
cmd: python model.py
polyaxonfile.yaml
Polyaxon
version: 1
kind: experiment
build:
image: tensorflow/tensorflow:1.4.1-py3
build_steps:
- pip3 install polyaxon-client
run:
cmd: python model.py
polyaxonfile.yaml
polyaxon run -p quick-start -f polyaxonfile.yaml
https://docs.polyaxon.com/concepts/quick-start-external-repo/
https://docs.polyaxon.com/concepts/quick-start-external-repo/
Other Alternatives
● Kubeflow
● Azure ML Platform
● Google AI Platform
Development
● You want to use Docker as remote interpreter
● Pycharm and VScode
● VScode uses configuration file, Pycharm uses UI to add remote docker
interpreter
● Pycharm is not flexible
Development - vscode
{
"name": "Existing Dockerfile",
"context": "..",
"dockerFile": "../Dockerfile",
// "image": "ubuntu:18.04",
"runArgs": [
"-v", "/home/fatih/dev/classification:/workspace",
"-p", "1414:1414",
],
"workspaceFolder": "/workspace"
}
devcontainer.json
https://code.visualstudio.com/docs/remote/containers
Development - vscode
{
"name": "Existing Dockerfile",
"context": "..",
"dockerFile": "../Dockerfile",
// "image": "ubuntu:18.04",
"runArgs": [
"-v", "/home/fatih/dev/classification:/workspace",
"-p", "1414:1414",
],
"workspaceFolder": "/workspace"
}
devcontainer.json
https://code.visualstudio.com/docs/remote/containers
Build docker file or
Use pre-built image
Development - Special Case
● You do not have a GPU on your local machine.
● You can connect to GPU Servers
● You don’t want to use <<Conda>>
● Developing inside a container on a remote Docker host
Development - Special Case
{
"name": "Existing Dockerfile",
"context": "..",
"dockerFile": "../Dockerfile",
// "image": "ubuntu:18.04",
"runArgs": [
"-p", "1414:1414",
],
"workspaceMount": "src=/home/server/detection,dst=/workspace,type=bind",
"workspaceFolder": "/workspace"
}
devcontainer.json
https://code.visualstudio.com/docs/remote/containers-advanced#_developing-inside-a-container-on-a-remote-
docker-host
Development - Special Case
{
"name": "Existing Dockerfile",
"context": "..",
"dockerFile": "../Dockerfile",
// "image": "ubuntu:18.04",
"runArgs": [
"-p", "1414:1414",
],
"workspaceMount": "src=/home/server/detection,dst=/workspace,type=bind",
"workspaceFolder": "/workspace"
}
devcontainer.json
https://code.visualstudio.com/docs/remote/containers-advanced#_developing-inside-a-container-on-a-remote-
docker-host
Remote Server Path
Development - Special Case
{
"name": "Existing Dockerfile",
"context": "..",
"dockerFile": "../Dockerfile",
// "image": "ubuntu:18.04",
"runArgs": [
"-p", "1414:1414",
],
"workspaceMount": "src=/home/server/detection,dst=/workspace,type=bind",
"workspaceFolder": "/workspace"
}
devcontainer.json
https://code.visualstudio.com/docs/remote/containers-advanced#_developing-inside-a-container-on-a-remote-
docker-host
Remote Server Path
Remote Server Docker
Container Path
Development - Special Case
{
"python.pythonPath": "/usr/bin/python",
"python.linting.pylintEnabled": true,
"python.linting.pycodestyleEnabled": false,
"python.linting.enabled": true,
...
"docker.host":"ssh://fatihbaltaci@192.168.0.20",
}
.vscode/settings.json
https://code.visualstudio.com/docs/remote/containers-advanced#_developing-inside-a-container-on-a-remote-
docker-host
Best Practices
● use gzip after docker save
● install packages with specific versions
● do not use apt upgrade in docker files
● do not use docker commit, update dockerfile instead
● https://docs.docker.com/develop/develop-images/dockerfile_best-pra
ctices/
THANK’S
QUESTIONS?
References
● https://medium.com/tensorflow/serving-ml-quickly-with-tensorflow-serving-and-docker-7df709
4aa008
● https://papers.nips.cc/paper/5656-hidden-technical-debt-in-machine-learning-systems.pdf
● https://en.wikipedia.org/wiki/MLOps
● https://www.aitrends.com/machine-learning/mlops-not-just-ml-business-new-competitive-fronti
er/
● https://code.visualstudio.com/docs/remote/containers-advanced#_developing-inside-a-container
-on-a-remote-docker-host
● https://devopscube.com/what-is-docker/

More Related Content

What's hot

MLOps with Azure DevOps
MLOps with Azure DevOpsMLOps with Azure DevOps
MLOps with Azure DevOps
Marco Parenzan
 
MLOps Virtual Event: Automating ML at Scale
MLOps Virtual Event: Automating ML at ScaleMLOps Virtual Event: Automating ML at Scale
MLOps Virtual Event: Automating ML at Scale
Databricks
 
Databricks Overview for MLOps
Databricks Overview for MLOpsDatabricks Overview for MLOps
Databricks Overview for MLOps
Databricks
 
Ml ops past_present_future
Ml ops past_present_futureMl ops past_present_future
Ml ops past_present_future
Nisha Talagala
 
“Houston, we have a model...” Introduction to MLOps
“Houston, we have a model...” Introduction to MLOps“Houston, we have a model...” Introduction to MLOps
“Houston, we have a model...” Introduction to MLOps
Rui Quintino
 
Apply MLOps at Scale by H&M
Apply MLOps at Scale by H&MApply MLOps at Scale by H&M
Apply MLOps at Scale by H&M
Databricks
 
MLOps and Data Quality: Deploying Reliable ML Models in Production
MLOps and Data Quality: Deploying Reliable ML Models in ProductionMLOps and Data Quality: Deploying Reliable ML Models in Production
MLOps and Data Quality: Deploying Reliable ML Models in Production
Provectus
 
MLOps Using MLflow
MLOps Using MLflowMLOps Using MLflow
MLOps Using MLflow
Databricks
 
Ml ops intro session
Ml ops   intro sessionMl ops   intro session
Ml ops intro session
Avinash Patil
 
MLOps.pptx
MLOps.pptxMLOps.pptx
MLOps.pptx
AllenPeter7
 
ML-Ops: Philosophy, Best-Practices and Tools
ML-Ops:Philosophy, Best-Practices and ToolsML-Ops:Philosophy, Best-Practices and Tools
ML-Ops: Philosophy, Best-Practices and Tools
Jorge Davila-Chacon
 
MLflow: A Platform for Production Machine Learning
MLflow: A Platform for Production Machine LearningMLflow: A Platform for Production Machine Learning
MLflow: A Platform for Production Machine Learning
Matei Zaharia
 
MLOps and Reproducible ML on AWS with Kubeflow and SageMaker
MLOps and Reproducible ML on AWS with Kubeflow and SageMakerMLOps and Reproducible ML on AWS with Kubeflow and SageMaker
MLOps and Reproducible ML on AWS with Kubeflow and SageMaker
Provectus
 
MLOps with Kubeflow
MLOps with Kubeflow MLOps with Kubeflow
MLOps with Kubeflow
Saurabh Kaushik
 
MLOps with serverless architectures (October 2018)
MLOps with serverless architectures (October 2018)MLOps with serverless architectures (October 2018)
MLOps with serverless architectures (October 2018)
Julien SIMON
 
The A-Z of Data: Introduction to MLOps
The A-Z of Data: Introduction to MLOpsThe A-Z of Data: Introduction to MLOps
The A-Z of Data: Introduction to MLOps
DataPhoenix
 
MLops workshop AWS
MLops workshop AWSMLops workshop AWS
MLops workshop AWS
Gili Nachum
 
Unified MLOps: Feature Stores & Model Deployment
Unified MLOps: Feature Stores & Model DeploymentUnified MLOps: Feature Stores & Model Deployment
Unified MLOps: Feature Stores & Model Deployment
Databricks
 
Seamless MLOps with Seldon and MLflow
Seamless MLOps with Seldon and MLflowSeamless MLOps with Seldon and MLflow
Seamless MLOps with Seldon and MLflow
Databricks
 
How ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundlyHow ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundly
Pekka Abrahamsson / Tampere University
 

What's hot (20)

MLOps with Azure DevOps
MLOps with Azure DevOpsMLOps with Azure DevOps
MLOps with Azure DevOps
 
MLOps Virtual Event: Automating ML at Scale
MLOps Virtual Event: Automating ML at ScaleMLOps Virtual Event: Automating ML at Scale
MLOps Virtual Event: Automating ML at Scale
 
Databricks Overview for MLOps
Databricks Overview for MLOpsDatabricks Overview for MLOps
Databricks Overview for MLOps
 
Ml ops past_present_future
Ml ops past_present_futureMl ops past_present_future
Ml ops past_present_future
 
“Houston, we have a model...” Introduction to MLOps
“Houston, we have a model...” Introduction to MLOps“Houston, we have a model...” Introduction to MLOps
“Houston, we have a model...” Introduction to MLOps
 
Apply MLOps at Scale by H&M
Apply MLOps at Scale by H&MApply MLOps at Scale by H&M
Apply MLOps at Scale by H&M
 
MLOps and Data Quality: Deploying Reliable ML Models in Production
MLOps and Data Quality: Deploying Reliable ML Models in ProductionMLOps and Data Quality: Deploying Reliable ML Models in Production
MLOps and Data Quality: Deploying Reliable ML Models in Production
 
MLOps Using MLflow
MLOps Using MLflowMLOps Using MLflow
MLOps Using MLflow
 
Ml ops intro session
Ml ops   intro sessionMl ops   intro session
Ml ops intro session
 
MLOps.pptx
MLOps.pptxMLOps.pptx
MLOps.pptx
 
ML-Ops: Philosophy, Best-Practices and Tools
ML-Ops:Philosophy, Best-Practices and ToolsML-Ops:Philosophy, Best-Practices and Tools
ML-Ops: Philosophy, Best-Practices and Tools
 
MLflow: A Platform for Production Machine Learning
MLflow: A Platform for Production Machine LearningMLflow: A Platform for Production Machine Learning
MLflow: A Platform for Production Machine Learning
 
MLOps and Reproducible ML on AWS with Kubeflow and SageMaker
MLOps and Reproducible ML on AWS with Kubeflow and SageMakerMLOps and Reproducible ML on AWS with Kubeflow and SageMaker
MLOps and Reproducible ML on AWS with Kubeflow and SageMaker
 
MLOps with Kubeflow
MLOps with Kubeflow MLOps with Kubeflow
MLOps with Kubeflow
 
MLOps with serverless architectures (October 2018)
MLOps with serverless architectures (October 2018)MLOps with serverless architectures (October 2018)
MLOps with serverless architectures (October 2018)
 
The A-Z of Data: Introduction to MLOps
The A-Z of Data: Introduction to MLOpsThe A-Z of Data: Introduction to MLOps
The A-Z of Data: Introduction to MLOps
 
MLops workshop AWS
MLops workshop AWSMLops workshop AWS
MLops workshop AWS
 
Unified MLOps: Feature Stores & Model Deployment
Unified MLOps: Feature Stores & Model DeploymentUnified MLOps: Feature Stores & Model Deployment
Unified MLOps: Feature Stores & Model Deployment
 
Seamless MLOps with Seldon and MLflow
Seamless MLOps with Seldon and MLflowSeamless MLOps with Seldon and MLflow
Seamless MLOps with Seldon and MLflow
 
How ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundlyHow ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundly
 

Similar to Managing the Machine Learning Lifecycle with MLOps

Triton As NLP Model Inference Back-end
 Triton As NLP Model Inference Back-end Triton As NLP Model Inference Back-end
Triton As NLP Model Inference Back-end
Ko Ko
 
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
 
TensorFlow meetup: Keras - Pytorch - TensorFlow.js
TensorFlow meetup: Keras - Pytorch - TensorFlow.jsTensorFlow meetup: Keras - Pytorch - TensorFlow.js
TensorFlow meetup: Keras - Pytorch - TensorFlow.js
Stijn Decubber
 
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
Animesh Singh
 
Use MLflow to manage and deploy Machine Learning model on Spark
Use MLflow to manage and deploy Machine Learning model on Spark Use MLflow to manage and deploy Machine Learning model on Spark
Use MLflow to manage and deploy Machine Learning model on Spark
Herman Wu
 
MLflow with Databricks
MLflow with DatabricksMLflow with Databricks
MLflow with Databricks
Liangjun Jiang
 
Mlflow with databricks
Mlflow with databricksMlflow with databricks
Mlflow with databricks
Liangjun Jiang
 
Scale machine learning deployment
Scale machine learning deploymentScale machine learning deployment
Scale machine learning deployment
Gang Tao
 
Running Apache Spark Jobs Using Kubernetes
Running Apache Spark Jobs Using KubernetesRunning Apache Spark Jobs Using Kubernetes
Running Apache Spark Jobs Using Kubernetes
Databricks
 
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
Brian Brazil
 
"Managing the Complete Machine Learning Lifecycle with MLflow"
"Managing the Complete Machine Learning Lifecycle with MLflow""Managing the Complete Machine Learning Lifecycle with MLflow"
"Managing the Complete Machine Learning Lifecycle with MLflow"
Databricks
 
MLflow Model Serving - DAIS 2021
MLflow Model Serving - DAIS 2021MLflow Model Serving - DAIS 2021
MLflow Model Serving - DAIS 2021
amesar0
 
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
 
MLFlow 1.0 Meetup
MLFlow 1.0 Meetup MLFlow 1.0 Meetup
MLFlow 1.0 Meetup
Databricks
 
Cloud Native Applications on OpenShift
Cloud Native Applications on OpenShiftCloud Native Applications on OpenShift
Cloud Native Applications on OpenShift
Serhat Dirik
 
MLflow Model Serving
MLflow Model ServingMLflow Model Serving
MLflow Model Serving
Databricks
 
St Hilaire Ajax Start Odtug Nov 2009
St Hilaire   Ajax Start Odtug Nov 2009St Hilaire   Ajax Start Odtug Nov 2009
St Hilaire Ajax Start Odtug Nov 2009
ruiruitang
 
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo MazzaferroRESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
PyData
 
Scaling AI in production using PyTorch
Scaling AI in production using PyTorchScaling AI in production using PyTorch
Scaling AI in production using PyTorch
geetachauhan
 
Infrastructure Agnostic Machine Learning Workload Deployment
Infrastructure Agnostic Machine Learning Workload DeploymentInfrastructure Agnostic Machine Learning Workload Deployment
Infrastructure Agnostic Machine Learning Workload Deployment
Databricks
 

Similar to Managing the Machine Learning Lifecycle with MLOps (20)

Triton As NLP Model Inference Back-end
 Triton As NLP Model Inference Back-end Triton As NLP Model Inference Back-end
Triton As NLP Model Inference Back-end
 
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
 
TensorFlow meetup: Keras - Pytorch - TensorFlow.js
TensorFlow meetup: Keras - Pytorch - TensorFlow.jsTensorFlow meetup: Keras - Pytorch - TensorFlow.js
TensorFlow meetup: Keras - Pytorch - TensorFlow.js
 
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
 
Use MLflow to manage and deploy Machine Learning model on Spark
Use MLflow to manage and deploy Machine Learning model on Spark Use MLflow to manage and deploy Machine Learning model on Spark
Use MLflow to manage and deploy Machine Learning model on Spark
 
MLflow with Databricks
MLflow with DatabricksMLflow with Databricks
MLflow with Databricks
 
Mlflow with databricks
Mlflow with databricksMlflow with databricks
Mlflow with databricks
 
Scale machine learning deployment
Scale machine learning deploymentScale machine learning deployment
Scale machine learning deployment
 
Running Apache Spark Jobs Using Kubernetes
Running Apache Spark Jobs Using KubernetesRunning Apache Spark Jobs Using Kubernetes
Running Apache Spark Jobs Using Kubernetes
 
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
Monitoring Kubernetes with Prometheus (Kubernetes Ireland, 2016)
 
"Managing the Complete Machine Learning Lifecycle with MLflow"
"Managing the Complete Machine Learning Lifecycle with MLflow""Managing the Complete Machine Learning Lifecycle with MLflow"
"Managing the Complete Machine Learning Lifecycle with MLflow"
 
MLflow Model Serving - DAIS 2021
MLflow Model Serving - DAIS 2021MLflow Model Serving - DAIS 2021
MLflow Model Serving - DAIS 2021
 
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...
 
MLFlow 1.0 Meetup
MLFlow 1.0 Meetup MLFlow 1.0 Meetup
MLFlow 1.0 Meetup
 
Cloud Native Applications on OpenShift
Cloud Native Applications on OpenShiftCloud Native Applications on OpenShift
Cloud Native Applications on OpenShift
 
MLflow Model Serving
MLflow Model ServingMLflow Model Serving
MLflow Model Serving
 
St Hilaire Ajax Start Odtug Nov 2009
St Hilaire   Ajax Start Odtug Nov 2009St Hilaire   Ajax Start Odtug Nov 2009
St Hilaire Ajax Start Odtug Nov 2009
 
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo MazzaferroRESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
 
Scaling AI in production using PyTorch
Scaling AI in production using PyTorchScaling AI in production using PyTorch
Scaling AI in production using PyTorch
 
Infrastructure Agnostic Machine Learning Workload Deployment
Infrastructure Agnostic Machine Learning Workload DeploymentInfrastructure Agnostic Machine Learning Workload Deployment
Infrastructure Agnostic Machine Learning Workload Deployment
 

Recently uploaded

First Steps with Globus Compute Multi-User Endpoints
First Steps with Globus Compute Multi-User EndpointsFirst Steps with Globus Compute Multi-User Endpoints
First Steps with Globus Compute Multi-User Endpoints
Globus
 
Top 7 Unique WhatsApp API Benefits | Saudi Arabia
Top 7 Unique WhatsApp API Benefits | Saudi ArabiaTop 7 Unique WhatsApp API Benefits | Saudi Arabia
Top 7 Unique WhatsApp API Benefits | Saudi Arabia
Yara Milbes
 
Cracking the code review at SpringIO 2024
Cracking the code review at SpringIO 2024Cracking the code review at SpringIO 2024
Cracking the code review at SpringIO 2024
Paco van Beckhoven
 
Providing Globus Services to Users of JASMIN for Environmental Data Analysis
Providing Globus Services to Users of JASMIN for Environmental Data AnalysisProviding Globus Services to Users of JASMIN for Environmental Data Analysis
Providing Globus Services to Users of JASMIN for Environmental Data Analysis
Globus
 
A Sighting of filterA in Typelevel Rite of Passage
A Sighting of filterA in Typelevel Rite of PassageA Sighting of filterA in Typelevel Rite of Passage
A Sighting of filterA in Typelevel Rite of Passage
Philip Schwarz
 
Enterprise Resource Planning System in Telangana
Enterprise Resource Planning System in TelanganaEnterprise Resource Planning System in Telangana
Enterprise Resource Planning System in Telangana
NYGGS Automation Suite
 
APIs for Browser Automation (MoT Meetup 2024)
APIs for Browser Automation (MoT Meetup 2024)APIs for Browser Automation (MoT Meetup 2024)
APIs for Browser Automation (MoT Meetup 2024)
Boni García
 
Lecture 1 Introduction to games development
Lecture 1 Introduction to games developmentLecture 1 Introduction to games development
Lecture 1 Introduction to games development
abdulrafaychaudhry
 
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdfDominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
AMB-Review
 
Enterprise Software Development with No Code Solutions.pptx
Enterprise Software Development with No Code Solutions.pptxEnterprise Software Development with No Code Solutions.pptx
Enterprise Software Development with No Code Solutions.pptx
QuickwayInfoSystems3
 
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, BetterWebinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
XfilesPro
 
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptxText-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
ShamsuddeenMuhammadA
 
Globus Compute Introduction - GlobusWorld 2024
Globus Compute Introduction - GlobusWorld 2024Globus Compute Introduction - GlobusWorld 2024
Globus Compute Introduction - GlobusWorld 2024
Globus
 
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
informapgpstrackings
 
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
Globus
 
How to Position Your Globus Data Portal for Success Ten Good Practices
How to Position Your Globus Data Portal for Success Ten Good PracticesHow to Position Your Globus Data Portal for Success Ten Good Practices
How to Position Your Globus Data Portal for Success Ten Good Practices
Globus
 
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoamOpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
takuyayamamoto1800
 
Introduction to Pygame (Lecture 7 Python Game Development)
Introduction to Pygame (Lecture 7 Python Game Development)Introduction to Pygame (Lecture 7 Python Game Development)
Introduction to Pygame (Lecture 7 Python Game Development)
abdulrafaychaudhry
 
Quarkus Hidden and Forbidden Extensions
Quarkus Hidden and Forbidden ExtensionsQuarkus Hidden and Forbidden Extensions
Quarkus Hidden and Forbidden Extensions
Max Andersen
 
Enhancing Research Orchestration Capabilities at ORNL.pdf
Enhancing Research Orchestration Capabilities at ORNL.pdfEnhancing Research Orchestration Capabilities at ORNL.pdf
Enhancing Research Orchestration Capabilities at ORNL.pdf
Globus
 

Recently uploaded (20)

First Steps with Globus Compute Multi-User Endpoints
First Steps with Globus Compute Multi-User EndpointsFirst Steps with Globus Compute Multi-User Endpoints
First Steps with Globus Compute Multi-User Endpoints
 
Top 7 Unique WhatsApp API Benefits | Saudi Arabia
Top 7 Unique WhatsApp API Benefits | Saudi ArabiaTop 7 Unique WhatsApp API Benefits | Saudi Arabia
Top 7 Unique WhatsApp API Benefits | Saudi Arabia
 
Cracking the code review at SpringIO 2024
Cracking the code review at SpringIO 2024Cracking the code review at SpringIO 2024
Cracking the code review at SpringIO 2024
 
Providing Globus Services to Users of JASMIN for Environmental Data Analysis
Providing Globus Services to Users of JASMIN for Environmental Data AnalysisProviding Globus Services to Users of JASMIN for Environmental Data Analysis
Providing Globus Services to Users of JASMIN for Environmental Data Analysis
 
A Sighting of filterA in Typelevel Rite of Passage
A Sighting of filterA in Typelevel Rite of PassageA Sighting of filterA in Typelevel Rite of Passage
A Sighting of filterA in Typelevel Rite of Passage
 
Enterprise Resource Planning System in Telangana
Enterprise Resource Planning System in TelanganaEnterprise Resource Planning System in Telangana
Enterprise Resource Planning System in Telangana
 
APIs for Browser Automation (MoT Meetup 2024)
APIs for Browser Automation (MoT Meetup 2024)APIs for Browser Automation (MoT Meetup 2024)
APIs for Browser Automation (MoT Meetup 2024)
 
Lecture 1 Introduction to games development
Lecture 1 Introduction to games developmentLecture 1 Introduction to games development
Lecture 1 Introduction to games development
 
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdfDominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
Dominate Social Media with TubeTrivia AI’s Addictive Quiz Videos.pdf
 
Enterprise Software Development with No Code Solutions.pptx
Enterprise Software Development with No Code Solutions.pptxEnterprise Software Development with No Code Solutions.pptx
Enterprise Software Development with No Code Solutions.pptx
 
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, BetterWebinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
Webinar: Salesforce Document Management 2.0 - Smarter, Faster, Better
 
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptxText-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
Text-Summarization-of-Breaking-News-Using-Fine-tuning-BART-Model.pptx
 
Globus Compute Introduction - GlobusWorld 2024
Globus Compute Introduction - GlobusWorld 2024Globus Compute Introduction - GlobusWorld 2024
Globus Compute Introduction - GlobusWorld 2024
 
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
Field Employee Tracking System| MiTrack App| Best Employee Tracking Solution|...
 
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
Exploring Innovations in Data Repository Solutions - Insights from the U.S. G...
 
How to Position Your Globus Data Portal for Success Ten Good Practices
How to Position Your Globus Data Portal for Success Ten Good PracticesHow to Position Your Globus Data Portal for Success Ten Good Practices
How to Position Your Globus Data Portal for Success Ten Good Practices
 
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoamOpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
OpenFOAM solver for Helmholtz equation, helmholtzFoam / helmholtzBubbleFoam
 
Introduction to Pygame (Lecture 7 Python Game Development)
Introduction to Pygame (Lecture 7 Python Game Development)Introduction to Pygame (Lecture 7 Python Game Development)
Introduction to Pygame (Lecture 7 Python Game Development)
 
Quarkus Hidden and Forbidden Extensions
Quarkus Hidden and Forbidden ExtensionsQuarkus Hidden and Forbidden Extensions
Quarkus Hidden and Forbidden Extensions
 
Enhancing Research Orchestration Capabilities at ORNL.pdf
Enhancing Research Orchestration Capabilities at ORNL.pdfEnhancing Research Orchestration Capabilities at ORNL.pdf
Enhancing Research Orchestration Capabilities at ORNL.pdf
 

Managing the Machine Learning Lifecycle with MLOps