mlflow 3.5.0


pip install mlflow

  Latest version

Released: Oct 16, 2025


Meta
Maintainer: Databricks
Requires Python: >=3.10

Classifiers

Development Status
  • 5 - Production/Stable

Intended Audience
  • Developers
  • End Users/Desktop
  • Science/Research
  • Information Technology

Topic
  • Scientific/Engineering :: Artificial Intelligence
  • Software Development :: Libraries :: Python Modules

License
  • OSI Approved :: Apache Software License

Operating System
  • OS Independent

Programming Language
  • Python :: 3.10

MLflow logo

Open-Source Platform for Productionizing AI

MLflow is an open-source developer platform to build AI/LLM applications and models with confidence. Enhance your AI applications with end-to-end experiment tracking, observability, and evaluations, all in one integrated platform.


🚀 Installation

To install the MLflow Python package, run the following command:

pip install mlflow

📦 Core Components

MLflow is the only platform that provides a unified solution for all your AI/ML needs, including LLMs, Agents, Deep Learning, and traditional machine learning.

💡 For LLM / GenAI Developers

Tracing

🔍 Tracing / Observability

Trace the internal states of your LLM/agentic applications for debugging quality issues and monitoring performance with ease.

Getting Started →

LLM Evaluation

📊 LLM Evaluation

A suite of automated model evaluation tools, seamlessly integrated with experiment tracking to compare across multiple versions.

Getting Started →

Prompt Management

🤖 Prompt Management

Version, track, and reuse prompts across your organization, helping maintain consistency and improve collaboration in prompt development.

Getting Started →

MLflow Hero

📦 App Version Tracking

MLflow keeps track of many moving parts in your AI applications, such as models, prompts, tools, and code, with end-to-end lineage.

Getting Started →

🎓 For Data Scientists

Tracking

📝 Experiment Tracking

Track your models, parameters, metrics, and evaluation results in ML experiments and compare them using an interactive UI.

Getting Started →

Model Registry

💾 Model Registry

A centralized model store designed to collaboratively manage the full lifecycle and deployment of machine learning models.

Getting Started →

Deployment

🚀 Deployment

Tools for seamless model deployment to batch and real-time scoring on platforms like Docker, Kubernetes, Azure ML, and AWS SageMaker.

Getting Started →

🌐 Hosting MLflow Anywhere

Providers

You can run MLflow in many different environments, including local machines, on-premise servers, and cloud infrastructure.

Trusted by thousands of organizations, MLflow is now offered as a managed service by most major cloud providers:

For hosting MLflow on your own infrastructure, please refer to this guidance.

🗣️ Supported Programming Languages

🔗 Integrations

MLflow is natively integrated with many popular machine learning frameworks and GenAI libraries.

Integrations

Usage Examples

Experiment Tracking (Doc)

The following examples trains a simple regression model with scikit-learn, while enabling MLflow's autologging feature for experiment tracking.

import mlflow

from sklearn.model_selection import train_test_split
from sklearn.datasets import load_diabetes
from sklearn.ensemble import RandomForestRegressor

# Enable MLflow's automatic experiment tracking for scikit-learn
mlflow.sklearn.autolog()

# Load the training dataset
db = load_diabetes()
X_train, X_test, y_train, y_test = train_test_split(db.data, db.target)

rf = RandomForestRegressor(n_estimators=100, max_depth=6, max_features=3)
# MLflow triggers logging automatically upon model fitting
rf.fit(X_train, y_train)

Once the above code finishes, run the following command in a separate terminal and access the MLflow UI via the printed URL. An MLflow Run should be automatically created, which tracks the training dataset, hyper parameters, performance metrics, the trained model, dependencies, and even more.

mlflow ui

Evaluating Models (Doc)

The following example runs automatic evaluation for question-answering tasks with several built-in metrics.

import mlflow
import pandas as pd

# Evaluation set contains (1) input question (2) model outputs (3) ground truth
df = pd.DataFrame(
    {
        "inputs": ["What is MLflow?", "What is Spark?"],
        "outputs": [
            "MLflow is an innovative fully self-driving airship powered by AI.",
            "Sparks is an American pop and rock duo formed in Los Angeles.",
        ],
        "ground_truth": [
            "MLflow is an open-source platform for productionizing AI.",
            "Apache Spark is an open-source, distributed computing system.",
        ],
    }
)
eval_dataset = mlflow.data.from_pandas(
    df, predictions="outputs", targets="ground_truth"
)

# Start an MLflow Run to record the evaluation results to
with mlflow.start_run(run_name="evaluate_qa"):
    # Run automatic evaluation with a set of built-in metrics for question-answering models
    results = mlflow.evaluate(
        data=eval_dataset,
        model_type="question-answering",
    )

print(results.tables["eval_results_table"])

Observability (Doc)

MLflow Tracing provides LLM observability for various GenAI libraries such as OpenAI, LangChain, LlamaIndex, DSPy, AutoGen, and more. To enable auto-tracing, call mlflow.xyz.autolog() before running your models. Refer to the documentation for customization and manual instrumentation.

import mlflow
from openai import OpenAI

# Enable tracing for OpenAI
mlflow.openai.autolog()

# Query OpenAI LLM normally
response = OpenAI().chat.completions.create(
    model="gpt-4o-mini",
    messages=[{"role": "user", "content": "Hi!"}],
    temperature=0.1,
)

Then navigate to the "Traces" tab in the MLflow UI to find the trace records OpenAI query.

💭 Support

  • For help or questions about MLflow usage (e.g. "how do I do X?") visit the documentation.
  • In the documentation, you can ask the question to our AI-powered chat bot. Click on the "Ask AI" button at the right bottom.
  • Join the virtual events like office hours and meetups.
  • To report a bug, file a documentation issue, or submit a feature request, please open a GitHub issue.
  • For release announcements and other discussions, please subscribe to our mailing list (mlflow-users@googlegroups.com) or join us on Slack.

🤝 Contributing

We happily welcome contributions to MLflow!

Please see our contribution guide to learn more about contributing to MLflow.

⭐️ Star History

Star History Chart

✏️ Citation

If you use MLflow in your research, please cite it using the "Cite this repository" button at the top of the GitHub repository page, which will provide you with citation formats including APA and BibTeX.

👥 Core Members

MLflow is currently maintained by the following core members with significant contributions from hundreds of exceptionally talented community members.

3.5.0 Oct 16, 2025
3.5.0rc0 Oct 08, 2025
3.4.0 Sep 17, 2025
3.4.0rc0 Sep 12, 2025
3.3.2 Aug 27, 2025
3.3.1 Aug 20, 2025
3.3.0 Aug 19, 2025
3.3.0rc0 Aug 13, 2025
3.2.0 Aug 05, 2025
3.2.0rc0 Jul 29, 2025
3.1.4 Jul 23, 2025
3.1.3 Jul 22, 2025
3.1.2 Jul 08, 2025
3.1.1 Jun 25, 2025
3.1.0 Jun 10, 2025
3.1.0rc0 May 29, 2025
3.0.1 Jun 25, 2025
3.0.0 Jun 10, 2025
3.0.0rc3 May 21, 2025
3.0.0rc2 May 13, 2025
3.0.0rc1 Apr 25, 2025
3.0.0rc0 Apr 04, 2025
2.22.2 Aug 28, 2025
2.22.1 Jun 06, 2025
2.22.0 Apr 24, 2025
2.22.0rc0 Apr 16, 2025
2.21.3 Apr 03, 2025
2.21.2 Mar 26, 2025
2.21.1 Mar 25, 2025
2.21.0 Mar 14, 2025
2.21.0rc0 Mar 05, 2025
2.20.4 Mar 13, 2025
2.20.3 Feb 26, 2025
2.20.2 Feb 13, 2025
2.20.1 Jan 30, 2025
2.20.0 Jan 23, 2025
2.20.0rc0 Jan 14, 2025
2.19.0 Dec 11, 2024
2.19.0rc0 Dec 04, 2024
2.18.0 Nov 18, 2024
2.18.0rc0 Nov 12, 2024
2.17.2 Oct 31, 2024
2.17.1 Oct 25, 2024
2.17.0 Oct 12, 2024
2.17.0rc0 Sep 27, 2024
2.16.2 Sep 17, 2024
2.16.1 Sep 13, 2024
2.16.0 Aug 30, 2024
2.15.1 Aug 06, 2024
2.15.0 Jul 29, 2024
2.15.0rc0 Jul 22, 2024
2.14.3 Jul 12, 2024
2.14.2 Jul 04, 2024
2.14.2.dev0 Jun 26, 2024
2.14.1 Jun 20, 2024
2.14.0 Jun 17, 2024
2.14.0rc0 Jun 10, 2024
2.13.2 Jun 06, 2024
2.13.1 May 30, 2024
2.13.0 May 20, 2024
2.12.2 May 09, 2024
2.12.1 Apr 17, 2024
2.12.0 Apr 17, 2024
2.11.4 May 17, 2024
2.11.3 Mar 21, 2024
2.11.2 Mar 19, 2024
2.11.1 Mar 06, 2024
2.11.0 Mar 01, 2024
2.10.2 Feb 09, 2024
2.10.1 Feb 06, 2024
2.10.0 Jan 26, 2024
2.9.2 Dec 14, 2023
2.9.1 Dec 07, 2023
2.9.0 Dec 06, 2023
2.8.1 Nov 16, 2023
2.8.0 Oct 29, 2023
2.7.1 Sep 17, 2023
2.7.0 Sep 12, 2023
2.6.0 Aug 15, 2023
2.5.0 Jul 17, 2023
2.4.2 Jul 10, 2023
2.4.1 Jun 10, 2023
2.4.0 Jun 06, 2023
2.3.2 May 12, 2023
2.3.1 Apr 28, 2023
2.3.0 Apr 18, 2023
2.2.2 Mar 14, 2023
2.2.1 Mar 02, 2023
2.2.0 Mar 02, 2023
2.1.1 Dec 26, 2022
2.1.0 Dec 21, 2022
2.0.1 Nov 15, 2022
2.0.0 Nov 15, 2022
2.0.0rc0 Nov 01, 2022
1.30.1 Apr 05, 2023
1.30.0 Oct 20, 2022
1.29.0 Sep 19, 2022
1.28.0 Aug 11, 2022
1.27.0 Jun 29, 2022
1.26.1 May 28, 2022
1.26.0 May 16, 2022
1.25.1 Apr 13, 2022
1.25.0 Apr 11, 2022
1.24.0 Feb 28, 2022
1.23.1 Jan 27, 2022
1.23.0 Jan 17, 2022
1.22.0 Nov 30, 2021
1.21.0 Oct 25, 2021
1.20.2 Sep 04, 2021
1.20.1 Aug 26, 2021
1.20.0 Aug 25, 2021
1.19.0 Jul 14, 2021
1.18.0 Jun 18, 2021
1.17.0 May 08, 2021
1.16.0 Apr 26, 2021
1.15.0 Mar 26, 2021
1.14.1 Mar 01, 2021
1.14.0 Feb 20, 2021
1.13.1 Dec 31, 2020
1.13 Dec 25, 2020
1.12.1 Nov 19, 2020
1.12.0 Nov 11, 2020
1.11.0 Aug 31, 2020
1.10.0 Jul 21, 2020
1.9.1 Jun 25, 2020
1.9.0 Jun 19, 2020
1.8.0 Apr 21, 2020
1.7.2 Mar 20, 2020
1.7.1 Mar 17, 2020
1.7.0 Mar 03, 2020
1.6.0 Jan 30, 2020
1.5.0 Dec 20, 2019
1.4.0 Oct 31, 2019
1.3.0 Oct 01, 2019
1.2.0 Aug 13, 2019
1.1.1.dev0 Aug 13, 2019
1.1.0 Jul 23, 2019
1.0.0 Jun 04, 2019
0.9.1 Apr 22, 2019
0.9.0.1 Apr 10, 2019
0.9.0 Mar 25, 2019
0.8.2 Jan 30, 2019
0.8.1 Dec 21, 2018
0.8.0 Nov 11, 2018
0.7.0 Oct 01, 2018
0.6.0 Sep 11, 2018
0.5.2 Aug 27, 2018
0.5.1 Aug 23, 2018
0.5.0 Aug 18, 2018
0.4.2 Aug 08, 2018
0.4.1 Aug 03, 2018
0.4.0 Aug 01, 2018
0.3.0 Jul 18, 2018
0.2.1 Jun 28, 2018
0.2.0 Jun 27, 2018
0.1.0 Jun 05, 2018
0.0.1 Jun 04, 2018

Wheel compatibility matrix

Platform Python 3
any

Files in release

Extras:
Dependencies:
mlflow-skinny (==3.5.0)
mlflow-tracing (==3.5.0)
Flask-CORS (<7)
Flask (<4)
alembic (!=1.10.0,<2)
cryptography (<47,>=43.0.0)
docker (<8,>=4.0.0)
fastmcp (<3,>=2.0.0)
graphene (<4)
gunicorn (<24)
matplotlib (<4)
numpy (<3)
pandas (<3)
pyarrow (<22,>=4.0.0)
scikit-learn (<2)
scipy (<2)
sqlalchemy (<3,>=1.4.0)
waitress (<4)