跳到主要内容

MLflow Tracking 快速入门

提示

正在寻找将 MLflow 用于 LLM/Agent 开发?请改用 MLflow for GenAI 文档。本指南适用于训练传统机器学习模型(如决策树)的数据科学家。

欢迎使用 MLflow!本快速入门旨在提供 MLflow 跟踪核心 API 最重要功能的快速指南。通过遵循本快速入门的指导,您将在几分钟内学会:

  • 如何使用 MLflow 日志记录 API **记录** 参数、指标和模型。
  • 如何在 **MLflow UI** 中导航到模型。
  • 如何**加载**已记录的模型以进行推理。

第一步 - 设置 MLflow

MLflow 在 PyPI 上可用。如果您尚未在系统上安装它,可以使用以下命令进行安装:

bash
pip install mlflow

然后,请按照 设置 MLflow 指南中的说明进行 MLflow 的设置。

如果您只想快速开始,请在 notebook 单元格中运行以下代码:

python
import mlflow

mlflow.set_experiment("MLflow Quickstart")

第二步 - 准备训练数据

在训练我们的第一个模型之前,让我们准备训练数据和模型超参数。

python
import pandas as pd
from sklearn import datasets
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LogisticRegression
from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score

# Load the Iris dataset
X, y = datasets.load_iris(return_X_y=True)

# Split the data into training and test sets
X_train, X_test, y_train, y_test = train_test_split(
X, y, test_size=0.2, random_state=42
)

# Define the model hyperparameters
params = {
"solver": "lbfgs",
"max_iter": 1000,
"multi_class": "auto",
"random_state": 8888,
}

第三步 - 使用 MLflow Autologging 训练模型

在此步骤中,我们将在上一步加载的训练数据上训练模型,并将模型及其元数据记录到 MLflow。最简单的方法是使用 MLflow 的 **Autologging** 功能。

python
import mlflow

# Enable autologging for scikit-learn
mlflow.sklearn.autolog()

# Just train the model normally
lr = LogisticRegression(**params)
lr.fit(X_train, y_train)

只需添加一行代码 mlflow.sklearn.autolog(),您就可以兼顾两全其美:您可以专注于训练模型,而 MLflow 将负责其余的工作。

  • 保存已训练的模型。
  • 记录模型在训练过程中的性能指标,例如准确率、精确率、AUC 曲线。
  • 记录用于训练模型的超参数值。
  • 跟踪元数据,例如输入数据格式、用户、时间戳等。

要了解有关 autologging 和支持库的更多信息,请参阅 Autologging 文档。

第四步 - 在 MLflow UI 中查看运行

要查看训练结果,您可以访问跟踪服务器 URL 来访问 MLflow UI。如果您尚未启动跟踪服务器,请打开一个新的终端,在 MLflow 项目的根目录下运行以下命令,然后通过 https://:5000(或您指定的端口号)访问 UI。

bash
mlflow server --port 5000

打开网站后,您将看到一个类似于以下内容的屏幕:

MLflow UI Home page

“Experiments”部分显示了(最近创建的)实验列表。点击“MLflow Quickstart”实验。

MLflow UI Run list page

MLflow 创建的训练 **Run** 列在表中。点击该运行以查看详细信息。

MLflow UI Run detail page

运行详细信息页面显示了运行的概述、记录的指标、超参数、标签等。请尝试使用 UI 查看不同的视图和功能。

向下滚动到“Model”部分,您应该能看到训练期间记录的模型。点击模型以查看详细信息。

MLflow UI Model detail page

模型页面显示了类似的元数据,例如性能指标和超参数。它还包括一个“Artifacts”部分,其中列出了训练期间记录的文件。您还可以看到环境信息,例如 Python 版本和依赖项,这些信息会为可复现性而存储。

MLflow UI Model detail page

第五步 - 手动记录模型和元数据

现在我们已经学会了如何使用 MLflow autologging 记录模型训练运行,让我们进一步学习如何手动记录模型和元数据。当您希望对日志记录过程有更多控制时,这将很有用。

我们将采取的步骤包括:

  • 初始化 MLflow **运行**上下文,以启动一个我们将记录模型和元数据的新运行。
  • 训练和测试模型。
  • **记录**模型**参数**和性能**指标**。
  • **标记**运行以便于检索。
python
# Start an MLflow run
with mlflow.start_run():
# Log the hyperparameters
mlflow.log_params(params)

# Train the model
lr = LogisticRegression(**params)
lr.fit(X_train, y_train)

# Log the model
model_info = mlflow.sklearn.log_model(sk_model=lr, name="iris_model")

# Predict on the test set, compute and log the loss metric
y_pred = lr.predict(X_test)
accuracy = accuracy_score(y_test, y_pred)
mlflow.log_metric("accuracy", accuracy)

# Optional: Set a tag that we can use to remind ourselves what this run was for
mlflow.set_tag("Training Info", "Basic LR model for iris data")

第六步 - 加载模型以进行推理。

记录模型后,我们可以通过以下方式执行推理:

  • 使用 MLflow 的 pyfunc flavor **加载**模型。
  • 使用加载的模型在新数据上运行 **Predict**。
信息

要将模型加载为原生的 scikit-learn 模型,请使用 mlflow.sklearn.load_model(model_info.model_uri) 而不是 pyfunc flavor。

python
# Load the model back for predictions as a generic Python Function model
loaded_model = mlflow.pyfunc.load_model(model_info.model_uri)

predictions = loaded_model.predict(X_test)

iris_feature_names = datasets.load_iris().feature_names

result = pd.DataFrame(X_test, columns=iris_feature_names)
result["actual_class"] = y_test
result["predicted_class"] = predictions

result[:4]

此代码的输出将类似于:

萼片长度 (cm)萼片宽度 (cm)花瓣长度 (cm)花瓣宽度 (cm)actual_classpredicted_class
6.12.84.71.211
5.73.81.70.300
7.72.66.92.322
6.02.94.51.511

后续步骤

恭喜您完成了 MLflow 跟踪快速入门!现在您应该对如何使用 MLflow 跟踪 API 记录模型有了基本的了解。