Community Model Flavors
Other useful MLflow flavors are developed and maintained by the MLflow community, enabling you to use MLflow Models with an even broader ecosystem of machine learning libraries. For more information, check out the description of each community-developed flavor below.
MLflow VizMod​
The mlflow-vizmod project allows data scientists to be more productive with their visualizations. We treat visualizations as models - just like ML models - thus being able to use the same infrastructure as MLflow to track, create projects, register, and deploy visualizations.
Installation:
pip install mlflow-vizmod
Example:
from sklearn.datasets import load_iris
import altair as alt
import mlflow_vismod
df_iris = load_iris(as_frame=True)
viz_iris = (
    alt.Chart(df_iris)
    .mark_circle(size=60)
    .encode(x="x", y="y", color="z:N")
    .properties(height=375, width=575)
    .interactive()
)
mlflow_vismod.log_model(
    model=viz_iris,
    artifact_path="viz",
    style="vegalite",
    input_example=df_iris.head(5),
)
BigML (bigmlflow)​
The bigmlflow library implements
the bigml model flavor. It enables using
BigML supervised models
and offers the save_model(), log_model() and load_model() methods.
Installing bigmlflow​
BigMLFlow can be installed from PyPI as follows:
pip install bigmlflow
BigMLFlow usage​
The bigmlflow module defines the flavor that implements the
save_model() and log_model() methods. They can be used
to save BigML models and their related information in MLflow Model format.
import json
import mlflow
import bigmlflow
MODEL_FILE = "logistic_regression.json"
with mlflow.start_run():
    with open(MODEL_FILE) as handler:
        model = json.load(handler)
        bigmlflow.log_model(
            model, artifact_path="model", registered_model_name="my_model"
        )
These methods also add the python_function flavor to the MLflow Models
that they produce, allowing the models to be interpreted as generic Python
functions for inference via mlflow.pyfunc.load_model().
This loaded PyFunc model can only be scored with DataFrame inputs.
# saving the model
save_model(model, path=model_path)
# retrieving model
pyfunc_model = pyfunc.load_model(model_path)
pyfunc_predictions = pyfunc_model.predict(dataframe)
You can also use the bigmlflow.load_model() method to load MLflow Models
with the bigmlflow model flavor as a BigML
SupervisedModel.
For more information, see the BigMLFlow documentation and BigML's blog.
Sktime​
The sktime custom model flavor enables logging of sktime models in MLflow
format via the save_model() and log_model() methods. These methods also add the python_function flavor to
the MLflow Models that they produce, allowing the model to be interpreted as generic Python functions for inference
via mlflow.pyfunc.load_model(). This loaded PyFunc model can only be scored with a DataFrame input.
You can also use the load_model() method to load MLflow Models with the sktime model flavor in native sktime formats.
Installing Sktime​
Install sktime with mlflow dependency:
pip install sktime[mlflow]
Usage example​
Refer to the sktime mlflow documentation for details on the interface for utilizing sktime models loaded as a pyfunc type and an example notebook for extended code usage examples.
import pandas as pd
from sktime.datasets import load_airline
from sktime.forecasting.arima import AutoARIMA
from sktime.utils import mlflow_sktime
airline = load_airline()
model_path = "model"
auto_arima_model = AutoARIMA(sp=12, d=0, max_p=2, max_q=2, suppress_warnings=True).fit(
    airline, fh=[1, 2, 3]
)
mlflow_sktime.save_model(
    sktime_model=auto_arima_model,
    path=model_path,
)
loaded_model = mlflow_sktime.load_model(
    model_uri=model_path,
)
loaded_pyfunc = mlflow_sktime.pyfunc.load_model(
    model_uri=model_path,
)
print(loaded_model.predict())
print(loaded_pyfunc.predict(pd.DataFrame()))
MLflavors​
The MLflavors package adds MLflow support for some popular machine learning frameworks currently not considered for inclusion as MLflow built-in flavors. Similar to the built-in flavors, you can use this package to save your model as an MLflow artifact, load your model from MLflow for batch inference, and deploy your model to a serving endpoint using MLflow deployment tools.
The following open-source libraries are currently supported:
| Framework | Tutorials | Category | 
|---|---|---|
| Orbit | MLflow-Orbit | Time Series Forecasting | 
| Sktime | MLflow-Sktime | Time Series Forecasting | 
| StatsForecast | MLflow-StatsForecast | Time Series Forecasting | 
| PyOD | MLflow-PyOD | Anomaly Detection | 
| SDV | MLflow-SDV | Synthetic Data Generation | 
The interface design for the supported frameworks is similar to many of the existing built-in
flavors. Particularly, the interface for utilizing the custom model loaded as a pyfunc flavor
for generating predictions uses a single-row Pandas DataFrame configuration argument to expose the
parameters of the flavor's inference API.
Documentation​
Usage examples for all flavors and the API reference can be found in the package documentation.
Installation​
Installing from PyPI:
$ pip install mlflavors
Quickstart​
This example trains a PyOD KNN outlier detection
model using a synthetic dataset. A new MLflow experiment is created to log the evaluation
metrics and the trained model as an artifact and anomaly scores are computed loading the
trained model in native flavor and pyfunc flavor. Finally, the model is served
for real-time inference using a local endpoint.
Saving the model as an MLflow artifact​
import json
import mlflow
import pandas as pd
from pyod.models.knn import KNN
from pyod.utils.data import generate_data
from sklearn.metrics import roc_auc_score
import mlflavors
ARTIFACT_PATH = "model"
with mlflow.start_run() as run:
    contamination = 0.1  # percentage of outliers
    n_train = 200  # number of training points
    n_test = 100  # number of testing points
    X_train, X_test, _, y_test = generate_data(
        n_train=n_train, n_test=n_test, contamination=contamination
    )
    # Train kNN detector
    clf = KNN()
    clf.fit(X_train)
    # Evaluate model
    y_test_scores = clf.decision_function(X_test)
    metrics = {
        "roc": roc_auc_score(y_test, y_test_scores),
    }
    print(f"Metrics: \n{json.dumps(metrics, indent=2)}")
    # Log metrics
    mlflow.log_metrics(metrics)
    # Log model using pickle serialization (default).
    mlflavors.pyod.log_model(
        pyod_model=clf,
        artifact_path=ARTIFACT_PATH,
        serialization_format="pickle",
    )
    model_uri = mlflow.get_artifact_uri(ARTIFACT_PATH)
# Print the run id which is used below for serving the model to a local REST API endpoint
print(f"\nMLflow run id:\n{run.info.run_id}")