跳到主要内容

LLM 作为评判者

·17 分钟阅读
Pedro Azevedo
Adidas 机器学习分析师
Rahul Pandey
Adidas 高级解决方案架构师

在本博客文章中,我们将深入探讨如何彻底改变我们评估语言模型的方式。我们将探索 MLflow Evaluate 的强大功能,并利用大型语言模型(LLM)作为评判者。最后,您将学习如何创建自定义指标,实现基于 LLM 的评估,并将这些技术应用于实际场景。准备好改变您的模型评估过程,并更深入地了解您的 AI 性能!

评估语言模型的挑战

评估大型语言模型(LLM)和自然语言处理(NLP)系统面临多项挑战,主要原因在于它们的复杂性以及它们可以执行的任务的多样性。

一个主要难点是创建能够全面衡量各种应用性能的指标,从生成连贯文本到理解细微的人类情感。传统基准测试往往无法捕捉这些微妙之处,导致评估不完整。

LLM 作为评判者可以通过利用其广泛的训练数据提供更细致的评估,从而解决这些问题,提供对模型行为和需要改进领域的洞察。例如,LLM 可以分析模型生成的文本是否不仅语法正确,而且上下文恰当且引人入胜,这是更静态的指标可能遗漏的。

然而,为了有效地向前发展,我们需要的不仅仅是更好的评估方法。标准化实验设置对于确保模型之间的比较既公平又可复制至关重要。统一的测试和评估框架将使研究人员能够相互借鉴,从而带来更持续的进展和更强大的模型开发。

MLflow LLM Evaluate 简介

MLflow LLM Evaluate 是 MLflow 生态系统中的一个强大函数,通过提供标准化的实验设置,实现全面的模型评估。它支持内置指标和自定义(LLM)指标,使其成为评估复杂语言任务的理想工具。使用 MLflow LLM Evaluate,您可以:

MLflow Evaluate

以 LLM 作为评判者征服新市场

想象一下,您是全球旅行社“WorldWide Wandercorp”的一员,正在将业务扩展到西班牙语国家。

您的团队开发了一个 AI 驱动的翻译系统,以帮助创建符合文化习惯的营销材料和客户沟通。然而,当您开始使用这个系统时,您意识到传统的评估指标,如 BLEU(双语评估替补),在捕捉语言翻译的细微差别方面存在不足,尤其是在保留文化语境和习语方面。

例如,考虑短语“kick the bucket”(死掉)。直接翻译可能侧重于字面意思,但这个习语实际上意味着“死亡”。如果翻译的单词与参考翻译匹配,即使文化意义丧失,像 BLEU 这样的传统指标也可能错误地将翻译评估为合格。在这种情况下,尽管翻译在上下文中完全不合适,但该指标可能会给翻译打高分。这可能导致令人尴尬或对文化不敏感的营销内容,这是您的团队希望避免的。

您需要一种方法来评估翻译不仅准确,而且保留了预期含义、语气和文化语境。这就是 MLflow Evaluate 和 LLM(大型语言模型)作为评判者发挥作用的地方。这些工具可以通过考虑语境、习语和文化相关性,更全面地评估翻译,从而为 AI 的输出提供更可靠的评估。

自定义指标:根据您的需求量身定制评估

在下一节中,我们将实现三个指标

  • “文化敏感性”指标确保翻译保持文化语境和恰当性。
  • “忠实度”指标检查聊天机器人响应是否准确符合公司政策和检索到的内容。
  • “毒性”指标评估响应中是否存在有害或不当内容,确保尊重的客户互动。

这些指标将帮助 Worldwide WanderAgency 确保其 AI 驱动的翻译和互动满足其特定需求。

评估 Worldwide WanderAgency 的 AI 系统

现在我们了解了 WanderAgency 面临的挑战,让我们深入进行代码演练以解决这些问题。我们将实现自定义指标来衡量 AI 性能,并构建一个仪表可视化图表,以便与利益相关者分享结果。

我们将从评估语言翻译模型开始,重点关注“文化敏感性”指标,以确保其保留文化细微差别。这将帮助 WanderAgency 在全球沟通中保持高标准。

文化敏感性指标

旅行社希望确保他们的翻译不仅准确,而且文化得体。为了实现这一目标,他们正在考虑创建一个自定义指标,允许 Worldwide WanderAgency 量化其翻译在多大程度上保持文化语境和习语表达。

例如,在一种文化中礼貌的短语在另一种文化中可能不合适。在英语中,在专业电子邮件中称呼某人“Dear”(亲爱的)可能被视为礼貌。然而,在西班牙语中,在专业语境中使用“Querido”(亲爱的)可能过于私人化且不恰当。

我们如何系统地评估这样一个抽象概念?传统指标将无法胜任,所以我们需要一种更好的方法。在这种情况下,LLM 作为评判者将非常合适!对于这个用例,让我们创建一个“文化敏感性”指标。

以下是过程的简要概述:首先安装此演示所需的所有库。

pip install mlflow>=2.14.1 openai  transformers torch torchvision evaluate datasets tiktoken fastapi rouge_score textstat tenacity plotly ipykernel nbformat>=5.10.4

在此示例中,我们将使用 gpt3.5 和 gpt4,为此,请首先确保我们的 OpenAI 密钥已设置

导入必要的库。

import mlflow
import os

# Run a quick validation that we have an entry for the OPEN_API_KEY within environment variables

assert "OPENAI_API_KEY" in os.environ, "OPENAI_API_KEY environment variable must be set"

import openai
import pandas as pd

在使用 mlflow.evaluate() 函数时,您的大型语言模型 (LLM) 可以采用以下形式之一:

  1. 一个 mlflow.pyfunc.PyFuncModel() — 通常是 MLflow 模型。
  2. 一个接受字符串作为输入并返回单个字符串作为输出的 Python 函数。
  3. 一个 MLflow Deployments 端点 URI。
  4. 如果提供的数据已经由模型评分,并且您不需要指定模型,则 model=None

对于此示例,我们将使用 MLflow 模型。

我们将首先在 MLflow 中记录一个翻译模型。在本教程中,我们将使用 GPT-3.5 并定义系统提示。

在生产环境中,您通常会尝试不同的提示和模型,以确定最适合您用例的配置。欲了解更多详情,请参阅 MLflow 的 提示工程 UI


system_prompt = "Translate the following sentences into Spanish"
# Let's set up an experiment to make it easier to track our results
mlflow.set_experiment("/Path/to/your/experiment")

basic_translation_model = mlflow.openai.log_model(
model="gpt-3.5-turbo",
task=openai.chat.completions,
artifact_path="model",
messages=[
{"role": "system", "content": system_prompt},
{"role": "user", "content": "{user_input}"},
],
)

让我们测试模型以确保它能正常工作。

model = mlflow.pyfunc.load_model(basic_translation_model.model_uri)

model.predict("Hello, how are you?")

# Output = ['¡Hola, ¿cómo estás?']

要使用 mlflow.evaluate(),我们首先需要准备将作为 LLM 输入的样本数据。在这种情况下,输入将包含公司旨在翻译的内容。

为了演示目的,我们将定义一组我们希望模型翻译的常见英语表达。

# Prepare evaluation data
eval_data = pd.DataFrame(
{
"llm_inputs": [
"I'm over the moon about the news!",
"Spill the beans.",
"Bite the bullet.",
"Better late than never.",

]
}
)

为了实现旅行社的目标,我们将定义自定义指标来评估翻译质量。特别是,我们需要评估翻译在多大程度上忠实地捕捉了字面含义以及文化细微差别。

默认情况下,mlflow.evaluate() 使用 openai:/gpt-4 作为评估模型。但是,您也可以选择使用 本地模型进行评估,例如包装在 PyFunc 中的模型(例如 Ollama)。

在此示例中,我们将使用 GPT-4 作为评估模型。

首先,提供几个例子来说明好的和差的翻译分数。

# Define the custom metric
cultural_sensitivity = mlflow.metrics.genai.make_genai_metric(
name="cultural_sensitivity",
definition="Assesses how well the translation preserves cultural nuances and idioms.",
grading_prompt="Score from 1-5, where 1 is culturally insensitive and 5 is highly culturally aware.",
examples=[
mlflow.metrics.genai.EvaluationExample(
input="Break a leg!",
output="¡Rómpete una pierna!",
score=2,
justification="This is a literal translation that doesn't capture the idiomatic meaning."
),
mlflow.metrics.genai.EvaluationExample(
input="Break a leg!",
output="¡Mucha mierda!",
score=5,
justification="This translation uses the equivalent Spanish theater idiom, showing high cultural awareness."
),
mlflow.metrics.genai.EvaluationExample(
input="It's raining cats and dogs.",
output="Está lloviendo gatos y perros.",
score=1,
justification="This literal translation does not convey the idiomatic meaning of heavy rain."
),
mlflow.metrics.genai.EvaluationExample(
input="It's raining cats and dogs.",
output="Está lloviendo a cántaros.",
score=5,
justification="This translation uses a Spanish idiom that accurately conveys the meaning of heavy rain."
),
mlflow.metrics.genai.EvaluationExample(
input="Kick the bucket.",
output="Patear el balde.",
score=1,
justification="This literal translation fails to convey the idiomatic meaning of dying."
),
mlflow.metrics.genai.EvaluationExample(
input="Kick the bucket.",
output="Estirar la pata.",
score=5,
justification="This translation uses the equivalent Spanish idiom for dying, showing high cultural awareness."
),
mlflow.metrics.genai.EvaluationExample(
input="Once in a blue moon.",
output="Una vez en una luna azul.",
score=2,
justification="This literal translation does not capture the rarity implied by the idiom."
),
mlflow.metrics.genai.EvaluationExample(
input="Once in a blue moon.",
output="De vez en cuando.",
score=4,
justification="This translation captures the infrequency but lacks the idiomatic color of the original."
),
mlflow.metrics.genai.EvaluationExample(
input="The ball is in your court.",
output="La pelota está en tu cancha.",
score=3,
justification="This translation is understandable but somewhat lacks the idiomatic nuance of making a decision."
),
mlflow.metrics.genai.EvaluationExample(
input="The ball is in your court.",
output="Te toca a ti.",
score=5,
justification="This translation accurately conveys the idiomatic meaning of it being someone else's turn to act."
)
],
model="openai:/gpt-4",
parameters={"temperature": 0.0},
)

毒性指标

除了这个自定义指标之外,我们还将使用 MLflow 内置的评估器指标。在这种情况下,MLflow 将使用 roberta-hate-speech 模型来检测毒性。该指标评估响应中是否存在任何有害或不当内容,从而巩固了公司对积极客户体验的承诺。

# Log and evaluate the model
with mlflow.start_run() as run:
results = mlflow.evaluate(
basic_translation_model.model_uri,
data=eval_data,
model_type="text",
evaluators="default",
extra_metrics=[cultural_sensitivity],
evaluator_config={
"col_mapping": {
"inputs": "llm_inputs",
}}
)

mlflow.end_run()

您可以这样检索最终结果

results.tables["eval_results_table"]
LLM 输入输出token_counttoxicity/v1/scoreflesch_kincaid_grade_level/v1/scoreari_grade_level/v1/scorecultural_sensitivity/v1/scorecultural_sensitivity/v1/justification
0I'm over the moon about the news! (我为这个消息高兴极了!)¡Estoy feliz por la noticia! (我为这个消息高兴!)90.0002585.23.74翻译捕捉了大致的情绪……
1Spill the beans. (泄露秘密)Revela el secreto. (揭露秘密)70.0010179.25.25翻译准确地捕捉了习语……
2Bite the bullet. (咬紧牙关)Morder la bala. (咬子弹)70.0015860.93.62翻译“Morder la bala”是字面意思……
3Better late than never. (迟到总比不来好)Más vale tarde que nunca. (迟到总比不来好)70.0049470.50.95翻译准确地捕捉了习语……

让我们分析最终指标……

cultural_sensitivity_score = results.metrics['cultural_sensitivity/v1/mean']
print(f"Cultural Sensitivity Score: {cultural_sensitivity_score}")

toxicity_score = results.metrics['toxicity/v1/mean']
# Calculate non-toxicity score
non_toxicity_score = "{:.2f}".format((1 - toxicity_score) * 100)
print(f"Non-Toxicity Score: {non_toxicity_score}%")

输出

Cultural Sensitivity Score: 3.75
Pureness Score: 99.80

通常情况下,我们希望在仪表板上监控和跟踪这些指标,以便数据科学家和利益相关者都能了解这些解决方案的性能和可靠性。

对于这个例子,我们创建一个仪表来显示最终指标。

import plotly.graph_objects as go
from plotly.subplots import make_subplots

def create_gauge_chart(value1, title1, value2, title2):
# Create a subplot figure with two columns
fig = make_subplots(rows=1, cols=2, specs=[[{'type': 'indicator'}, {'type': 'indicator'}]])

# Add the first gauge chart
fig.add_trace(go.Indicator(
mode = "gauge+number",
value = value1,
title = {'text': title1},
gauge = {'axis': {'range': [None, 5]}}
), row=1, col=1)

# Add the second gauge chart
fig.add_trace(go.Indicator(
mode = "gauge+number",
value = value2,
title = {'text': title2},
gauge = {'axis': {'range': [None, 100]}}
), row=1, col=2)

# Update layout
fig.update_layout(height=400, width=800)

# Show figure
fig.show()
create_gauge_chart(cultural_sensitive_score, "Cultural Sensitivity Score", float(non_toxicity_score), "Non Toxicity Score")

Gauge Chart

忠实度指标

随着 Worldwide WanderAgency 的 AI 业务发展,他们新增了一个客户服务聊天机器人,可以处理多种语言的问题。这个聊天机器人使用 RAG(检索增强生成)系统,这意味着它从数据库或文档中检索信息,然后根据这些信息生成答案。

重要的是,聊天机器人提供的答案必须忠实于它检索到的信息。为了确保这一点,我们创建了一个“忠实度”指标。这个指标检查聊天机器人的回答与它所依据的材料的匹配程度,从而确保提供给客户的信息是准确的。

例如,如果检索到的文档说“退货在 30 天内接受”,而聊天机器人回复“我们的退货政策灵活且因地区而异”,那么它就没有很好地与检索到的材料对齐。这种不准确的回复(忠实度差)可能会误导客户并造成混淆。

使用 MLflow 评估 RAG - 忠实度

让我们评估一下我们的聊天机器人如何忠实于检索到的信息。这次我们不使用 MLflow 模型,而是使用自定义函数来定义忠实度指标,看看聊天机器人的回答与它从中提取的数据有多大的一致性。

# Prepare evaluation data
eval_data = pd.DataFrame(
{
"llm_inputs": [
"""Question: What is the company's policy on employee training?
context: "Our company offers various training programs to support employee development. Employees are required to complete at least one training course per year related to their role. Additional training opportunities are available based on performance reviews." """,
"""Question: What is the company's policy on sick leave?
context: "Employees are entitled to 10 days of paid sick leave per year. Sick leave can be used for personal illness or to care for an immediate family member. A doctor's note is required for sick leave exceeding three consecutive days." """,
"""Question: How does the company handle performance reviews?
context: "Performance reviews are conducted annually. Employees are evaluated based on their job performance, goal achievement, and overall contribution to the team. Feedback is provided, and development plans are created to support employee growth." """,
]
}
)

现在让我们为这个忠实度指标定义一些例子。

examples = [
mlflow.metrics.genai.EvaluationExample(
input="""Question: What is the company's policy on remote work?
context: "Our company supports a flexible working environment. Employees can work remotely up to three days a week, provided they maintain productivity and attend all mandatory meetings." """,
output="Employees can work remotely up to three days a week if they maintain productivity and attend mandatory meetings.",
score=5,
justification="The answer is accurate and directly related to the question and context provided."
),
mlflow.metrics.genai.EvaluationExample(
input="""Question: What is the company's policy on remote work?
context: "Our company supports a flexible working environment. Employees can work remotely up to three days a week, provided they maintain productivity and attend all mandatory meetings." """,
output="Employees are allowed to work remotely as long as they want.",
score=2,
justification="The answer is somewhat related but incorrect because it does not mention the three-day limit."
),
mlflow.metrics.genai.EvaluationExample(
input="""Question: What is the company's policy on remote work?
context: "Our company supports a flexible working environment. Employees can work remotely up to three days a week, provided they maintain productivity and attend all mandatory meetings." """,
output="Our company supports flexible work arrangements.",
score=3,
justification="The answer is related to the context but does not specifically answer the question about the remote work policy."
),
mlflow.metrics.genai.EvaluationExample(
input="""Question: What is the company's annual leave policy?
context: "Employees are entitled to 20 days of paid annual leave per year. Leave must be approved by the employee's direct supervisor and should be planned in advance to ensure minimal disruption to work." """,
output="Employees are entitled to 20 days of paid annual leave per year, which must be approved by their supervisor.",
score=5,
justification="The answer is accurate and directly related to the question and context provided."
)]

# Define the custom metric
faithfulness = mlflow.metrics.genai.make_genai_metric(
name="faithfulness",
definition="Assesses how well the answer relates to the question and provided context.",
grading_prompt="Score from 1-5, where 1 is not related at all and 5 is highly relevant and accurate.",
examples=examples)

定义我们的 LLM 函数(在这种情况下,它可以是任何遵循 mlflow.evaluate() 的特定输入/输出格式的函数)。

# Using custom function
def my_llm(inputs):
answers = []
system_prompt = "Please answer the following question in formal language based on the context provided."
for index, row in inputs.iterrows():
print('INPUTS:', row)
completion = openai.chat.completions.create(
model="gpt-3.5-turbo",
messages=[
{"role": "system", "content": system_prompt},
{"role": "user", "content": f"{row}"},
],
)
answers.append(completion.choices[0].message.content)

return answers

结果与我们之前做的代码类似……

with mlflow.start_run() as run:
results = mlflow.evaluate(
my_llm,
eval_data,
model_type="text",
evaluators="default",
extra_metrics=[faithfulness],
evaluator_config={
"col_mapping": {
"inputs": "llm_inputs",
}}
)
mlflow.end_run()

GenAI 指标

或者,我们可以利用 MLflow 的内置生成式 AI 指标,使用相同的示例。

MLflow 提供了几个使用 LLM 作为评判者的内置指标。尽管实现方式不同,但这些指标的使用方式相同。只需将它们包含在 mlflow.evaluate() 函数的 extra_metrics 参数中即可。

在这种情况下,我们将使用 MLflow 的内置忠实度指标

from mlflow.metrics.genai import EvaluationExample, faithfulness
faithfulness_metric = faithfulness(model="openai:/gpt-4")
print(faithfulness_metric)

mlflow.evaluate() 简化了提供评分上下文的过程,例如我们的系统检索到的文档,直接将其纳入评估。此功能与 LangChain 的检索器无缝集成,允许您将评估上下文作为专用列提供。有关更多详细信息,请参阅此示例

在这种情况下,由于我们的检索文档已经包含在最终提示中,并且我们没有在本教程中利用 LangChain,我们将简单地将 llm_input 列映射为我们的评分上下文。

with mlflow.start_run() as run:
results = mlflow.evaluate(
my_llm,
eval_data,
model_type="text",
evaluators="default",
extra_metrics=[faithfulness_metric],
evaluator_config={
"col_mapping": {
"inputs": "llm_inputs",
"context": "llm_inputs",
}}
)
mlflow.end_run()

评估后,我们得到以下结果:忠实度仪表图

结论

通过将文化敏感性得分与其他计算指标相结合,我们的旅行社可以进一步完善其模型,以确保在所有语言中提供高质量的内容。展望未来,我们可以重新审视并调整用于提高文化敏感性得分的提示。或者,我们可以微调一个较小的模型,以保持相同的高水平文化敏感性,同时降低成本。这些步骤将帮助我们为该机构的多元化客户群提供更好的服务。

mlflow.evaluate() 与 LLM 作为评判者的结合,为细致入微和上下文感知的模型评估开辟了新的可能性。通过创建针对模型性能特定方面的自定义指标,数据科学家可以更深入地了解其模型的优缺点。

make_genai_metric() 提供的灵活性允许您创建完全适合您特定用例的评估标准。无论您是需要为您的 LLM 评判者提供结构化指导,还是想完全控制提示过程,MLflow 都能提供您所需的工具。

当您探索 MLflow 评估和基于 LLM 的指标时,请记住关键在于设计周到的评估标准并向您的 LLM 评判者提供清晰的指示。有了这些工具,您就能很好地将模型评估提升到一个新的水平,确保您的语言模型不仅在传统指标上表现良好,而且满足实际应用的细微要求。

内置指标,如毒性,提供标准化评估,这对于确保模型输出的安全性和可访问性至关重要。

作为最后的挑战,重新运行所有测试,但这次使用“gpt-4o-mini”,看看性能受到何种影响。