MT Quality Estimation
Collection
Models for reference-free quality estimation of machine translation
•
4 items
•
Updated
This model is a fine-tuned version of answerdotai/ModernBERT-large on the ymoslem/wmt-da-human-evaluation dataset.
It achieves the following results on the evaluation set:
The following hyperparameters were used during training:
Training Loss | Epoch | Step | Validation Loss |
---|---|---|---|
0.0631 | 0.1004 | 1000 | 0.0674 |
0.0614 | 0.2007 | 2000 | 0.0599 |
0.0578 | 0.3011 | 3000 | 0.0585 |
0.0585 | 0.4015 | 4000 | 0.0579 |
0.0568 | 0.5019 | 5000 | 0.0570 |
0.057 | 0.6022 | 6000 | 0.0568 |
0.0579 | 0.7026 | 7000 | 0.0567 |
0.0573 | 0.8030 | 8000 | 0.0565 |
0.0568 | 0.9033 | 9000 | 0.0564 |
0.0571 | 1.0037 | 10000 | 0.0564 |
pip3 install -q --upgrade datasets accelerate transformers
pip3 install -q --upgrade scikit-learn polars
pip3 install -q --upgrade flash_attn triton
from datasets import load_dataset
test_dataset = load_dataset("ymoslem/wmt-da-human-evaluation",
split="test",
trust_remote_code=True
)
print(test_dataset)
from transformers import AutoModelForSequenceClassification, AutoTokenizer
import torch
# Load the fine-tuned model and tokenizer
model_name = "ymoslem/ModernBERT-large-qe-v1"
model = AutoModelForSequenceClassification.from_pretrained(
model_name,
device_map="auto",
torch_dtype=torch.bfloat16,
attn_implementation="flash_attention_2",
)
tokenizer = AutoTokenizer.from_pretrained(model_name)
# Move model to GPU if available
device = "cuda" if torch.cuda.is_available() else "cpu"
model.to(device)
model.eval()
src
and target segment tgt
are separated by the sep_token
, which is '</s>'
for ModernBERT.sep_token = tokenizer.sep_token
input_test_texts = [f"{src} {sep_token} {tgt}" for src, tgt in zip(test_dataset["src"], test_dataset["mt"])]
If you print model.config.problem_type
, the output is regression
.
Still, you can use the "text-classification" pipeline as follows (cf. pipeline documentation):
from transformers import pipeline
classifier = pipeline("text-classification",
model=model_name,
tokenizer=tokenizer,
device=0,
)
predictions = classifier(input_test_texts,
batch_size=128,
truncation=True,
padding="max_length",
max_length=tokenizer.model_max_length,
)
predictions = [prediction["score"] for prediction in predictions]
Alternatively, you can use an elaborate version of the code, which is slightly faster and provides more control.
from torch.utils.data import DataLoader
import torch
from tqdm.auto import tqdm
# Tokenization function
def process_batch(batch, tokenizer, device):
sep_token = tokenizer.sep_token
input_texts = [f"{src} {sep_token} {tgt}" for src, tgt in zip(batch["src"], batch["mt"])]
tokens = tokenizer(input_texts,
truncation=True,
padding="max_length",
max_length=tokenizer.model_max_length,
return_tensors="pt",
).to(device)
return tokens
# Create a DataLoader for batching
test_dataloader = DataLoader(test_dataset,
batch_size=128, # Adjust batch size as needed
shuffle=False)
# List to store all predictions
predictions = []
with torch.no_grad():
for batch in tqdm(test_dataloader, desc="Inference Progress", unit="batch"):
tokens = process_batch(batch, tokenizer, device)
# Forward pass: Generate model's logits
outputs = model(**tokens)
# Get logits (predictions)
logits = outputs.logits
# Extract the regression predicted values
batch_predictions = logits.squeeze()
# Extend the list with the predictions
predictions.extend(batch_predictions.tolist())
Base model
answerdotai/ModernBERT-large