CrossEncoder based on answerdotai/ModernBERT-base

This is a Cross Encoder model finetuned from answerdotai/ModernBERT-base using the sentence-transformers library. It computes scores for pairs of texts, which can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.

Model Details

Model Description

  • Model Type: Cross Encoder
  • Base model: answerdotai/ModernBERT-base
  • Maximum Sequence Length: 8192 tokens
  • Number of Output Labels: 1 label
  • Language: en

Model Sources

Usage

Direct Usage (Sentence Transformers)

First install the Sentence Transformers library:

pip install -U sentence-transformers

Then you can load this model and run inference.

from sentence_transformers import CrossEncoder

# Download from the 🤗 Hub
model = CrossEncoder("tomaarsen/reranker-ModernBERT-base-nq-bce-static-retriever-hardest")
# Get scores for pairs of texts
pairs = [
    ['difference between russian blue and british blue cat', 'Russian Blue The coat is known as a "double coat", with the undercoat being soft, downy and equal in length to the guard hairs, which are an even blue with silver tips. However, the tail may have a few very dull, almost unnoticeable stripes. The coat is described as thick, plush and soft to the touch. The feeling is softer than the softest silk. The silver tips give the coat a shimmering appearance. Its eyes are almost always a dark and vivid green. Any white patches of fur or yellow eyes in adulthood are seen as flaws in show cats.[3] Russian Blues should not be confused with British Blues (which are not a distinct breed, but rather a British Shorthair with a blue coat as the British Shorthair breed itself comes in a wide variety of colors and patterns), nor the Chartreux or Korat which are two other naturally occurring breeds of blue cats, although they have similar traits.'],
    ['who played the little girl on mrs doubtfire', 'Mara Wilson Mara Elizabeth Wilson[2] (born July 24, 1987) is an American writer and former child actress. She is known for playing Natalie Hillard in Mrs. Doubtfire (1993), Susan Walker in Miracle on 34th Street (1994), Matilda Wormwood in Matilda (1996) and Lily Stone in Thomas and the Magic Railroad (2000). Since retiring from film acting, Wilson has focused on writing.'],
    ['what year did the movie the sound of music come out', 'The Sound of Music (film) The film was released on March 2, 1965 in the United States, initially as a limited roadshow theatrical release. Although critical response to the film was widely mixed, the film was a major commercial success, becoming the number one box office movie after four weeks, and the highest-grossing film of 1965. By November 1966, The Sound of Music had become the highest-grossing film of all-time—surpassing Gone with the Wind—and held that distinction for five years. The film was just as popular throughout the world, breaking previous box-office records in twenty-nine countries. Following an initial theatrical release that lasted four and a half years, and two successful re-releases, the film sold 283 million admissions worldwide and earned a total worldwide gross of $286,000,000.'],
    ['where was the movie dawn of the dead filmed', 'Dawn of the Dead (2004 film) The mall scenes and rooftop scenes were shot in the former Thornhill Square Shopping Centre in Thornhill, Ontario, and the other scenes were shot in the Aileen-Willowbrook neighborhood of Thornhill. The set for Ana and Luis\'s bedroom was constructed in a back room of the mall.[7] The mall was defunct, which is the reason the production used it; the movie crew completely renovated the structure, and stocked it with fictitious stores after Starbucks and numerous other corporations refused to let their names be used[7] (two exceptions to this are Roots and Panasonic). Most of the mall was demolished shortly after the film was shot. The fictitious stores include a coffee shop called Hallowed Grounds (a lyric from Johnny Cash\'s song "The Man Comes Around", which was used over the opening credits), and an upscale department store called Gaylen Ross (an in-joke reference to one of the stars of the original 1978 film).'],
    ['where is the 2018 nba draft being held', "2018 NBA draft The 2018 NBA draft was held on June 21, 2018, at Barclays Center in Brooklyn, New York. National Basketball Association (NBA) teams took turns selecting amateur United States college basketball players and other eligible players, including international players. It was televised nationally by ESPN. This draft was the last to use the original weighted lottery system that gives teams near the bottom of the NBA draft better odds at the top three picks of the draft while teams higher up had worse odds in the process; the rule was agreed upon by the NBA on September 28, 2017, but would not be implemented until the 2019 draft.[2] With the last year of what was, at the time, the most recent lottery system (with the NBA draft lottery being held in Chicago instead of in New York), the Phoenix Suns won the first overall pick on May 15, 2018, with the Sacramento Kings at the second overall pick and the Atlanta Hawks at third overall pick.[3] The Suns' selection is their first No. 1 overall selection in franchise history. They would use that selection on the Bahamian center DeAndre Ayton from the nearby University of Arizona."],
]
scores = model.predict(pairs)
print(scores.shape)
# (5,)

# Or rank different texts based on similarity to a single text
ranks = model.rank(
    'difference between russian blue and british blue cat',
    [
        'Russian Blue The coat is known as a "double coat", with the undercoat being soft, downy and equal in length to the guard hairs, which are an even blue with silver tips. However, the tail may have a few very dull, almost unnoticeable stripes. The coat is described as thick, plush and soft to the touch. The feeling is softer than the softest silk. The silver tips give the coat a shimmering appearance. Its eyes are almost always a dark and vivid green. Any white patches of fur or yellow eyes in adulthood are seen as flaws in show cats.[3] Russian Blues should not be confused with British Blues (which are not a distinct breed, but rather a British Shorthair with a blue coat as the British Shorthair breed itself comes in a wide variety of colors and patterns), nor the Chartreux or Korat which are two other naturally occurring breeds of blue cats, although they have similar traits.',
        'Mara Wilson Mara Elizabeth Wilson[2] (born July 24, 1987) is an American writer and former child actress. She is known for playing Natalie Hillard in Mrs. Doubtfire (1993), Susan Walker in Miracle on 34th Street (1994), Matilda Wormwood in Matilda (1996) and Lily Stone in Thomas and the Magic Railroad (2000). Since retiring from film acting, Wilson has focused on writing.',
        'The Sound of Music (film) The film was released on March 2, 1965 in the United States, initially as a limited roadshow theatrical release. Although critical response to the film was widely mixed, the film was a major commercial success, becoming the number one box office movie after four weeks, and the highest-grossing film of 1965. By November 1966, The Sound of Music had become the highest-grossing film of all-time—surpassing Gone with the Wind—and held that distinction for five years. The film was just as popular throughout the world, breaking previous box-office records in twenty-nine countries. Following an initial theatrical release that lasted four and a half years, and two successful re-releases, the film sold 283 million admissions worldwide and earned a total worldwide gross of $286,000,000.',
        'Dawn of the Dead (2004 film) The mall scenes and rooftop scenes were shot in the former Thornhill Square Shopping Centre in Thornhill, Ontario, and the other scenes were shot in the Aileen-Willowbrook neighborhood of Thornhill. The set for Ana and Luis\'s bedroom was constructed in a back room of the mall.[7] The mall was defunct, which is the reason the production used it; the movie crew completely renovated the structure, and stocked it with fictitious stores after Starbucks and numerous other corporations refused to let their names be used[7] (two exceptions to this are Roots and Panasonic). Most of the mall was demolished shortly after the film was shot. The fictitious stores include a coffee shop called Hallowed Grounds (a lyric from Johnny Cash\'s song "The Man Comes Around", which was used over the opening credits), and an upscale department store called Gaylen Ross (an in-joke reference to one of the stars of the original 1978 film).',
        "2018 NBA draft The 2018 NBA draft was held on June 21, 2018, at Barclays Center in Brooklyn, New York. National Basketball Association (NBA) teams took turns selecting amateur United States college basketball players and other eligible players, including international players. It was televised nationally by ESPN. This draft was the last to use the original weighted lottery system that gives teams near the bottom of the NBA draft better odds at the top three picks of the draft while teams higher up had worse odds in the process; the rule was agreed upon by the NBA on September 28, 2017, but would not be implemented until the 2019 draft.[2] With the last year of what was, at the time, the most recent lottery system (with the NBA draft lottery being held in Chicago instead of in New York), the Phoenix Suns won the first overall pick on May 15, 2018, with the Sacramento Kings at the second overall pick and the Atlanta Hawks at third overall pick.[3] The Suns' selection is their first No. 1 overall selection in franchise history. They would use that selection on the Bahamian center DeAndre Ayton from the nearby University of Arizona.",
    ]
)
# [{'corpus_id': ..., 'score': ...}, {'corpus_id': ..., 'score': ...}, ...]

Evaluation

Metrics

Cross Encoder Reranking

Metric nq-dev NanoMSMARCO NanoNFCorpus NanoNQ
map 0.7651 (+0.2688) 0.5720 (+0.0824) 0.3794 (+0.1090) 0.7046 (+0.2839)
mrr@10 0.7645 (+0.2783) 0.5652 (+0.0877) 0.5616 (+0.0618) 0.7302 (+0.3035)
ndcg@10 0.8203 (+0.2612) 0.6423 (+0.1019) 0.4235 (+0.0985) 0.7520 (+0.2513)

Cross Encoder Nano BEIR

Metric Value
map 0.5520 (+0.1585)
mrr@10 0.6190 (+0.1510)
ndcg@10 0.6059 (+0.1506)

Training Details

Training Dataset

Unnamed Dataset

  • Size: 576,642 training samples
  • Columns: query, response, and label
  • Approximate statistics based on the first 1000 samples:
    query response label
    type string string int
    details
    • min: 24 characters
    • mean: 47.6 characters
    • max: 99 characters
    • min: 65 characters
    • mean: 620.26 characters
    • max: 3106 characters
    • 1: 100.00%
  • Samples:
    query response label
    in which mode the communication channel is used in both directions at the same time Duplex (telecommunications) A duplex communication system is a point-to-point system composed of two or more connected parties or devices that can communicate with one another in both directions. Duplex systems are employed in many communications networks, either to allow for a communication "two-way street" between two connected parties or to provide a "reverse path" for the monitoring and remote adjustment of equipment in the field. There are two types of duplex communication systems: full-duplex (FDX) and half-duplex (HDX). 1
    where was the oklahoma city bombing trial held Oklahoma City bombing The Federal Bureau of Investigation (FBI) led the official investigation, known as OKBOMB,[159] with Weldon L. Kennedy acting as Special Agent in charge.[160] Kennedy oversaw 900 federal, state, and local law enforcement personnel including 300 FBI agents, 200 officers from the Oklahoma City Police Department, 125 members of the Oklahoma National Guard, and 55 officers from the Oklahoma Department of Public Safety.[161] The crime task force was deemed the largest since the investigation into the assassination of John F. Kennedy.[161] OKBOMB was the largest criminal case in America's history, with FBI agents conducting 28,000 interviews, amassing 3.5 short tons (3.2 t) of evidence, and collecting nearly one billion pieces of information.[14][16][162] Federal judge Richard Paul Matsch ordered that the venue for the trial be moved from Oklahoma City to Denver, Colorado, citing that the defendants would be unable to receive a fair trial in Oklahoma.[163] The investiga... 1
    who divided the interior of the earth into 3 zones sial sima nife Sial The name 'sial' was taken from the first two letters of silica and of alumina. The sial is often contrasted to the 'sima,' the next lower layer in the Earth, which is often exposed in the ocean basins; and the nickel-iron alloy core, sometimes referred to as the "Nife". These geochemical divisions of the Earth's interior (with these names) were first proposed by Eduard Suess in the 19th century. This model of the outer layers of the earth has been confirmed by petrographic, gravimetric, and seismic evidence.[4] 1
  • Loss: BinaryCrossEntropyLoss with these parameters:
    {
        "activation_fct": "torch.nn.modules.linear.Identity",
        "pos_weight": 5
    }
    

Evaluation Dataset

natural-questions

  • Dataset: natural-questions at f9e894e
  • Size: 100,231 evaluation samples
  • Columns: query, response, and label
  • Approximate statistics based on the first 1000 samples:
    query response label
    type string string int
    details
    • min: 27 characters
    • mean: 47.03 characters
    • max: 96 characters
    • min: 26 characters
    • mean: 608.17 characters
    • max: 2639 characters
    • 1: 100.00%
  • Samples:
    query response label
    difference between russian blue and british blue cat Russian Blue The coat is known as a "double coat", with the undercoat being soft, downy and equal in length to the guard hairs, which are an even blue with silver tips. However, the tail may have a few very dull, almost unnoticeable stripes. The coat is described as thick, plush and soft to the touch. The feeling is softer than the softest silk. The silver tips give the coat a shimmering appearance. Its eyes are almost always a dark and vivid green. Any white patches of fur or yellow eyes in adulthood are seen as flaws in show cats.[3] Russian Blues should not be confused with British Blues (which are not a distinct breed, but rather a British Shorthair with a blue coat as the British Shorthair breed itself comes in a wide variety of colors and patterns), nor the Chartreux or Korat which are two other naturally occurring breeds of blue cats, although they have similar traits. 1
    who played the little girl on mrs doubtfire Mara Wilson Mara Elizabeth Wilson[2] (born July 24, 1987) is an American writer and former child actress. She is known for playing Natalie Hillard in Mrs. Doubtfire (1993), Susan Walker in Miracle on 34th Street (1994), Matilda Wormwood in Matilda (1996) and Lily Stone in Thomas and the Magic Railroad (2000). Since retiring from film acting, Wilson has focused on writing. 1
    what year did the movie the sound of music come out The Sound of Music (film) The film was released on March 2, 1965 in the United States, initially as a limited roadshow theatrical release. Although critical response to the film was widely mixed, the film was a major commercial success, becoming the number one box office movie after four weeks, and the highest-grossing film of 1965. By November 1966, The Sound of Music had become the highest-grossing film of all-time—surpassing Gone with the Wind—and held that distinction for five years. The film was just as popular throughout the world, breaking previous box-office records in twenty-nine countries. Following an initial theatrical release that lasted four and a half years, and two successful re-releases, the film sold 283 million admissions worldwide and earned a total worldwide gross of $286,000,000. 1
  • Loss: BinaryCrossEntropyLoss with these parameters:
    {
        "activation_fct": "torch.nn.modules.linear.Identity",
        "pos_weight": 5
    }
    

Training Hyperparameters

Non-Default Hyperparameters

  • eval_strategy: steps
  • per_device_train_batch_size: 64
  • per_device_eval_batch_size: 64
  • learning_rate: 2e-05
  • num_train_epochs: 1
  • warmup_ratio: 0.1
  • seed: 12
  • bf16: True
  • dataloader_num_workers: 4
  • load_best_model_at_end: True

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: steps
  • prediction_loss_only: True
  • per_device_train_batch_size: 64
  • per_device_eval_batch_size: 64
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 1
  • eval_accumulation_steps: None
  • torch_empty_cache_steps: None
  • learning_rate: 2e-05
  • weight_decay: 0.0
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1.0
  • num_train_epochs: 1
  • max_steps: -1
  • lr_scheduler_type: linear
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.1
  • warmup_steps: 0
  • log_level: passive
  • log_level_replica: warning
  • log_on_each_node: True
  • logging_nan_inf_filter: True
  • save_safetensors: True
  • save_on_each_node: False
  • save_only_model: False
  • restore_callback_states_from_checkpoint: False
  • no_cuda: False
  • use_cpu: False
  • use_mps_device: False
  • seed: 12
  • data_seed: None
  • jit_mode_eval: False
  • use_ipex: False
  • bf16: True
  • fp16: False
  • fp16_opt_level: O1
  • half_precision_backend: auto
  • bf16_full_eval: False
  • fp16_full_eval: False
  • tf32: None
  • local_rank: 0
  • ddp_backend: None
  • tpu_num_cores: None
  • tpu_metrics_debug: False
  • debug: []
  • dataloader_drop_last: False
  • dataloader_num_workers: 4
  • dataloader_prefetch_factor: None
  • past_index: -1
  • disable_tqdm: False
  • remove_unused_columns: True
  • label_names: None
  • load_best_model_at_end: True
  • ignore_data_skip: False
  • fsdp: []
  • fsdp_min_num_params: 0
  • fsdp_config: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
  • fsdp_transformer_layer_cls_to_wrap: None
  • accelerator_config: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
  • deepspeed: None
  • label_smoothing_factor: 0.0
  • optim: adamw_torch
  • optim_args: None
  • adafactor: False
  • group_by_length: False
  • length_column_name: length
  • ddp_find_unused_parameters: None
  • ddp_bucket_cap_mb: None
  • ddp_broadcast_buffers: False
  • dataloader_pin_memory: True
  • dataloader_persistent_workers: False
  • skip_memory_metrics: True
  • use_legacy_prediction_loop: False
  • push_to_hub: False
  • resume_from_checkpoint: None
  • hub_model_id: None
  • hub_strategy: every_save
  • hub_private_repo: None
  • hub_always_push: False
  • gradient_checkpointing: False
  • gradient_checkpointing_kwargs: None
  • include_inputs_for_metrics: False
  • include_for_metrics: []
  • eval_do_concat_batches: True
  • fp16_backend: auto
  • push_to_hub_model_id: None
  • push_to_hub_organization: None
  • mp_parameters:
  • auto_find_batch_size: False
  • full_determinism: False
  • torchdynamo: None
  • ray_scope: last
  • ddp_timeout: 1800
  • torch_compile: False
  • torch_compile_backend: None
  • torch_compile_mode: None
  • dispatch_batches: None
  • split_batches: None
  • include_tokens_per_second: False
  • include_num_input_tokens_seen: False
  • neftune_noise_alpha: None
  • optim_target_modules: None
  • batch_eval_metrics: False
  • eval_on_start: False
  • use_liger_kernel: False
  • eval_use_gather_object: False
  • average_tokens_across_devices: False
  • prompts: None
  • batch_sampler: batch_sampler
  • multi_dataset_batch_sampler: proportional

Training Logs

Epoch Step Training Loss Validation Loss nq-dev_ndcg@10 NanoMSMARCO_ndcg@10 NanoNFCorpus_ndcg@10 NanoNQ_ndcg@10 NanoBEIR_mean_ndcg@10
-1 -1 - - 0.1603 (-0.3987) 0.0520 (-0.4885) 0.2943 (-0.0307) 0.0347 (-0.4659) 0.1270 (-0.3284)
0.0001 1 1.3732 - - - - - -
0.0222 200 1.1621 - - - - - -
0.0444 400 1.1357 - - - - - -
0.0666 600 0.9521 - - - - - -
0.0888 800 0.6998 - - - - - -
0.1110 1000 0.6313 1.5304 0.7590 (+0.1999) 0.5681 (+0.0276) 0.3726 (+0.0475) 0.6071 (+0.1065) 0.5159 (+0.0606)
0.1332 1200 0.5963 - - - - - -
0.1554 1400 0.5654 - - - - - -
0.1776 1600 0.5489 - - - - - -
0.1998 1800 0.5402 - - - - - -
0.2220 2000 0.5196 1.9513 0.7991 (+0.2400) 0.6121 (+0.0717) 0.3896 (+0.0646) 0.7170 (+0.2164) 0.5729 (+0.1176)
0.2441 2200 0.5002 - - - - - -
0.2663 2400 0.51 - - - - - -
0.2885 2600 0.4924 - - - - - -
0.3107 2800 0.5115 - - - - - -
0.3329 3000 0.4864 1.9373 0.8030 (+0.2439) 0.6183 (+0.0779) 0.4122 (+0.0872) 0.7046 (+0.2040) 0.5784 (+0.1230)
0.3551 3200 0.4677 - - - - - -
0.3773 3400 0.491 - - - - - -
0.3995 3600 0.4841 - - - - - -
0.4217 3800 0.475 - - - - - -
0.4439 4000 0.4801 1.7836 0.8043 (+0.2453) 0.6271 (+0.0867) 0.4078 (+0.0828) 0.7007 (+0.2000) 0.5785 (+0.1232)
0.4661 4200 0.4367 - - - - - -
0.4883 4400 0.4701 - - - - - -
0.5105 4600 0.4618 - - - - - -
0.5327 4800 0.4563 - - - - - -
0.5549 5000 0.4433 1.2432 0.8089 (+0.2498) 0.6339 (+0.0935) 0.4321 (+0.1071) 0.7126 (+0.2119) 0.5929 (+0.1375)
0.5771 5200 0.4381 - - - - - -
0.5993 5400 0.4436 - - - - - -
0.6215 5600 0.4313 - - - - - -
0.6437 5800 0.4387 - - - - - -
0.6659 6000 0.4399 1.6115 0.8170 (+0.2579) 0.6358 (+0.0954) 0.4291 (+0.1040) 0.7164 (+0.2158) 0.5938 (+0.1384)
0.6880 6200 0.4416 - - - - - -
0.7102 6400 0.4336 - - - - - -
0.7324 6600 0.4295 - - - - - -
0.7546 6800 0.4314 - - - - - -
0.7768 7000 0.4286 1.5898 0.8180 (+0.2590) 0.6478 (+0.1073) 0.4204 (+0.0953) 0.7404 (+0.2398) 0.6029 (+0.1475)
0.7990 7200 0.421 - - - - - -
0.8212 7400 0.4264 - - - - - -
0.8434 7600 0.4198 - - - - - -
0.8656 7800 0.4037 - - - - - -
0.8878 8000 0.4255 1.439 0.8203 (+0.2612) 0.6423 (+0.1019) 0.4235 (+0.0985) 0.7520 (+0.2513) 0.6059 (+0.1506)
0.9100 8200 0.4152 - - - - - -
0.9322 8400 0.4133 - - - - - -
0.9544 8600 0.4133 - - - - - -
0.9766 8800 0.4215 - - - - - -
0.9988 9000 0.4194 1.4554 0.8192 (+0.2601) 0.6486 (+0.1081) 0.4196 (+0.0945) 0.7378 (+0.2372) 0.6020 (+0.1466)
-1 -1 - - 0.8203 (+0.2612) 0.6423 (+0.1019) 0.4235 (+0.0985) 0.7520 (+0.2513) 0.6059 (+0.1506)
  • The bold row denotes the saved checkpoint.

Framework Versions

  • Python: 3.11.10
  • Sentence Transformers: 3.5.0.dev0
  • Transformers: 4.49.0.dev0
  • PyTorch: 2.6.0.dev20241112+cu121
  • Accelerate: 1.2.0
  • Datasets: 3.2.0
  • Tokenizers: 0.21.0

Citation

BibTeX

Sentence Transformers

@inproceedings{reimers-2019-sentence-bert,
    title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
    author = "Reimers, Nils and Gurevych, Iryna",
    booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
    month = "11",
    year = "2019",
    publisher = "Association for Computational Linguistics",
    url = "https://arxiv.org/abs/1908.10084",
}
Downloads last month
12
Safetensors
Model size
150M params
Tensor type
F32
·
Inference Providers NEW
This model is not currently available via any of the supported Inference Providers.
The model cannot be deployed to the HF Inference API: The HF Inference API does not support text-classification models for sentence-transformers library.

Model tree for tomaarsen/reranker-ModernBERT-base-nq-bce-static-retriever-hardest

Finetuned
(355)
this model

Dataset used to train tomaarsen/reranker-ModernBERT-base-nq-bce-static-retriever-hardest