Reranker ModernBERT Base Gooaq Bce
這是一個基於ModernBERT-base微調的交叉編碼器模型,用於文本重排序和語義搜索任務。
下載量 16
發布時間 : 3/29/2025
模型概述
該模型是一個交叉編碼器,專門用於計算文本對的相似度分數,適用於信息檢索中的重排序任務。
模型特點
長文本處理能力
支持最大8192個標記的序列長度,適合處理長文本
高效重排序
專為信息檢索中的重排序任務優化,能有效提升搜索結果質量
基於ModernBERT
基於ModernBERT-base模型微調,繼承了其強大的語義理解能力
模型能力
文本相似度計算
搜索結果重排序
問答對匹配
使用案例
信息檢索
搜索引擎結果重排序
對搜索引擎返回的初步結果進行重新排序,提高相關結果排名
在GooAQ開發集上達到0.7686的NDCG@10
問答系統
評估問題和候選答案的相關性,選擇最佳答案
在NanoNQ數據集上達到0.5595的平均精度
🚀 在GooAQ上訓練的ModernBERT-base
這是一個基於answerdotai/ModernBERT-base,使用sentence-transformers庫微調得到的交叉編碼器模型。它可以計算文本對的得分,可用於文本重排序和語義搜索。
🚀 快速開始
這個模型可以計算文本對的得分,可用於文本重排序和語義搜索。
✨ 主要特性
- 基於answerdotai/ModernBERT-base微調,具有良好的語義理解能力。
- 能夠計算文本對的得分,可用於文本重排序和語義搜索。
- 支持最大長度為8192的輸入序列。
📦 安裝指南
首先安裝Sentence Transformers庫:
pip install -U sentence-transformers
💻 使用示例
基礎用法
from sentence_transformers import CrossEncoder
# 從🤗 Hub下載模型
model = CrossEncoder("akr2002/reranker-ModernBERT-base-gooaq-bce")
# 獲取文本對的得分
pairs = [
['how do you find mass?', "Divide the object's weight by the acceleration of gravity to find the mass. You'll need to convert the weight units to Newtons. For example, 1 kg = 9.807 N. If you're measuring the mass of an object on Earth, divide the weight in Newtons by the acceleration of gravity on Earth (9.8 meters/second2) to get mass."],
['how do you find mass?', "In general use, 'High Mass' means a full ceremonial Mass, most likely with music, and also with incense if they're particularly traditional. ... Incense is used quite a lot. Low Mass in the traditional rite is celebrated by one priest, and usually only one or two altar servers."],
['how do you find mass?', 'A neutron has a slightly larger mass than the proton. These are often given in terms of an atomic mass unit, where one atomic mass unit (u) is defined as 1/12th the mass of a carbon-12 atom. You can use that to prove that a mass of 1 u is equivalent to an energy of 931.5 MeV.'],
['how do you find mass?', 'Mass is the amount of matter in a body, normally measured in grams or kilograms etc. Weight is a force that pulls on a mass and is measured in Newtons. ... Density basically means how much mass is occupied in a specific volume or space. Different materials of the same size may have different masses because of its density.'],
['how do you find mass?', 'Receiver – Mass communication is the transmission of the message to a large number of recipients. This mass of receivers, are often called as mass audience. The Mass audience is large, heterogenous and anonymous in nature. The receivers are scattered across a given village, state or country.'],
]
scores = model.predict(pairs)
print(scores.shape)
# (5,)
# 或者根據與單個文本的相似度對不同文本進行排序
ranks = model.rank(
'how do you find mass?',
[
"Divide the object's weight by the acceleration of gravity to find the mass. You'll need to convert the weight units to Newtons. For example, 1 kg = 9.807 N. If you're measuring the mass of an object on Earth, divide the weight in Newtons by the acceleration of gravity on Earth (9.8 meters/second2) to get mass.",
"In general use, 'High Mass' means a full ceremonial Mass, most likely with music, and also with incense if they're particularly traditional. ... Incense is used quite a lot. Low Mass in the traditional rite is celebrated by one priest, and usually only one or two altar servers.",
'A neutron has a slightly larger mass than the proton. These are often given in terms of an atomic mass unit, where one atomic mass unit (u) is defined as 1/12th the mass of a carbon-12 atom. You can use that to prove that a mass of 1 u is equivalent to an energy of 931.5 MeV.',
'Mass is the amount of matter in a body, normally measured in grams or kilograms etc. Weight is a force that pulls on a mass and is measured in Newtons. ... Density basically means how much mass is occupied in a specific volume or space. Different materials of the same size may have different masses because of its density.',
'Receiver – Mass communication is the transmission of the message to a large number of recipients. This mass of receivers, are often called as mass audience. The Mass audience is large, heterogenous and anonymous in nature. The receivers are scattered across a given village, state or country.',
]
)
# [{'corpus_id': ..., 'score': ...}, {'corpus_id': ..., 'score': ...}, ...]
📚 詳細文檔
模型詳情
模型描述
屬性 | 詳情 |
---|---|
模型類型 | 交叉編碼器 |
基礎模型 | answerdotai/ModernBERT-base |
最大序列長度 | 8192個標記 |
輸出標籤數量 | 1個標籤 |
語言 | 英語 |
許可證 | apache-2.0 |
模型來源
- 文檔:Sentence Transformers文檔
- 文檔:交叉編碼器文檔
- 倉庫:GitHub上的Sentence Transformers
- Hugging Face:Hugging Face上的交叉編碼器
評估
指標
交叉編碼器重排序(數據集:gooaq-dev
)
使用CrossEncoderRerankingEvaluator
進行評估,參數如下:
{
"at_k": 10,
"always_rerank_positives": false
}
指標 | 值 |
---|---|
map | 0.7258 (+0.1946) |
mrr@10 | 0.7245 (+0.2005) |
ndcg@10 | 0.7686 (+0.1774) |
交叉編碼器重排序(數據集:NanoMSMARCO_R100
, NanoNFCorpus_R100
, NanoNQ_R100
)
使用CrossEncoderRerankingEvaluator
進行評估,參數如下:
{
"at_k": 10,
"always_rerank_positives": true
}
指標 | NanoMSMARCO_R100 | NanoNFCorpus_R100 | NanoNQ_R100 |
---|---|---|---|
map | 0.4807 (-0.0089) | 0.3866 (+0.1256) | 0.5595 (+0.1399) |
mrr@10 | 0.4689 (-0.0086) | 0.6058 (+0.1060) | 0.5752 (+0.1485) |
ndcg@10 | 0.5499 (+0.0095) | 0.4233 (+0.0982) | 0.6191 (+0.1184) |
交叉編碼器Nano BEIR(數據集:NanoBEIR_R100_mean
)
使用CrossEncoderNanoBEIREvaluator
進行評估,參數如下:
{
"dataset_names": [
"msmarco",
"nfcorpus",
"nq"
],
"rerank_k": 100,
"at_k": 10,
"always_rerank_positives": true
}
指標 | 值 |
---|---|
map | 0.4756 (+0.0855) |
mrr@10 | 0.5500 (+0.0820) |
ndcg@10 | 0.5308 (+0.0754) |
訓練詳情
訓練數據集
未命名數據集
- 大小:578,402個訓練樣本
- 列:
question
、answer
和label
- 基於前1000個樣本的近似統計信息:
| | 問題 | 答案 | 標籤 |
|------|------|------|------|
| 類型 | 字符串 | 字符串 | 整數 |
| 詳情 |
- 最小:17個字符
- 平均:44.75個字符
- 最大:84個字符
- 最小:54個字符
- 平均:252.51個字符
- 最大:388個字符
- 0:~83.00%
- 1:~17.00%
- 樣本:
| 問題 | 答案 | 標籤 |
|------|------|------|
|
how do you find mass?
|Divide the object's weight by the acceleration of gravity to find the mass. You'll need to convert the weight units to Newtons. For example, 1 kg = 9.807 N. If you're measuring the mass of an object on Earth, divide the weight in Newtons by the acceleration of gravity on Earth (9.8 meters/second2) to get mass.
|1
| |how do you find mass?
|In general use, 'High Mass' means a full ceremonial Mass, most likely with music, and also with incense if they're particularly traditional. ... Incense is used quite a lot. Low Mass in the traditional rite is celebrated by one priest, and usually only one or two altar servers.
|0
| |how do you find mass?
|A neutron has a slightly larger mass than the proton. These are often given in terms of an atomic mass unit, where one atomic mass unit (u) is defined as 1/12th the mass of a carbon-12 atom. You can use that to prove that a mass of 1 u is equivalent to an energy of 931.5 MeV.
|0
|
使用的損失函數為BinaryCrossEntropyLoss
,參數如下:
{
"activation_fn": "torch.nn.modules.linear.Identity",
"pos_weight": 5
}
訓練超參數
非默認超參數
eval_strategy
: stepsper_device_train_batch_size
: 16per_device_eval_batch_size
: 16learning_rate
: 2e-05num_train_epochs
: 1warmup_ratio
: 0.1seed
: 12bf16
: Truedataloader_num_workers
: 4load_best_model_at_end
: True
所有超參數
點擊展開
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: stepsprediction_loss_only
: Trueper_device_train_batch_size
: 16per_device_eval_batch_size
: 16per_gpu_train_batch_size
: Noneper_gpu_eval_batch_size
: Nonegradient_accumulation_steps
: 1eval_accumulation_steps
: Nonetorch_empty_cache_steps
: Nonelearning_rate
: 2e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1.0num_train_epochs
: 1max_steps
: -1lr_scheduler_type
: linearlr_scheduler_kwargs
: {}warmup_ratio
: 0.1warmup_steps
: 0log_level
: passivelog_level_replica
: warninglog_on_each_node
: Truelogging_nan_inf_filter
: Truesave_safetensors
: Truesave_on_each_node
: Falsesave_only_model
: Falserestore_callback_states_from_checkpoint
: Falseno_cuda
: Falseuse_cpu
: Falseuse_mps_device
: Falseseed
: 12data_seed
: Nonejit_mode_eval
: Falseuse_ipex
: Falsebf16
: Truefp16
: Falsefp16_opt_level
: O1half_precision_backend
: autobf16_full_eval
: Falsefp16_full_eval
: Falsetf32
: Nonelocal_rank
: 0ddp_backend
: Nonetpu_num_cores
: Nonetpu_metrics_debug
: Falsedebug
: []dataloader_drop_last
: Falsedataloader_num_workers
: 4dataloader_prefetch_factor
: Nonepast_index
: -1disable_tqdm
: Falseremove_unused_columns
: Truelabel_names
: Noneload_best_model_at_end
: Trueignore_data_skip
: Falsefsdp
: []fsdp_min_num_params
: 0fsdp_config
: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}tp_size
: 0fsdp_transformer_layer_cls_to_wrap
: Noneaccelerator_config
: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}deepspeed
: Nonelabel_smoothing_factor
: 0.0optim
: adamw_torchoptim_args
: Noneadafactor
: Falsegroup_by_length
: Falselength_column_name
: lengthddp_find_unused_parameters
: Noneddp_bucket_cap_mb
: Noneddp_broadcast_buffers
: Falsedataloader_pin_memory
: Truedataloader_persistent_workers
: Falseskip_memory_metrics
: Trueuse_legacy_prediction_loop
: Falsepush_to_hub
: Falseresume_from_checkpoint
: Nonehub_model_id
: Nonehub_strategy
: every_savehub_private_repo
: Nonehub_always_push
: Falsegradient_checkpointing
: Falsegradient_checkpointing_kwargs
: Noneinclude_inputs_for_metrics
: Falseinclude_for_metrics
: []eval_do_concat_batches
: Truefp16_backend
: autopush_to_hub_model_id
: Nonepush_to_hub_organization
: Nonemp_parameters
:auto_find_batch_size
: Falsefull_determinism
: Falsetorchdynamo
: Noneray_scope
: lastddp_timeout
: 1800torch_compile
: Falsetorch_compile_backend
: Nonetorch_compile_mode
: Nonedispatch_batches
: Nonesplit_batches
: Noneinclude_tokens_per_second
: Falseinclude_num_input_tokens_seen
: Falseneftune_noise_alpha
: Noneoptim_target_modules
: Nonebatch_eval_metrics
: Falseeval_on_start
: Falseuse_liger_kernel
: Falseeval_use_gather_object
: Falseaverage_tokens_across_devices
: Falseprompts
: Nonebatch_sampler
: batch_samplermulti_dataset_batch_sampler
: proportional
訓練日誌
輪次 | 步驟 | 訓練損失 | gooaq-dev_ndcg@10 | NanoMSMARCO_R100_ndcg@10 | NanoNFCorpus_R100_ndcg@10 | NanoNQ_R100_ndcg@10 | NanoBEIR_R100_mean_ndcg@10 |
---|---|---|---|---|---|---|---|
-1 | -1 | - | 0.1474 (-0.4438) | 0.0356 (-0.5048) | 0.2344 (-0.0907) | 0.0268 (-0.4739) | 0.0989 (-0.3564) |
0.0000 | 1 | 1.1353 | - | - | - | - | - |
0.0277 | 1000 | 1.1797 | - | - | - | - | - |
0.0553 | 2000 | 0.8539 | - | - | - | - | - |
0.0830 | 3000 | 0.7438 | - | - | - | - | - |
0.1106 | 4000 | 0.7296 | 0.7119 (+0.1206) | 0.5700 (+0.0296) | 0.3410 (+0.0160) | 0.6012 (+0.1005) | 0.5041 (+0.0487) |
0.1383 | 5000 | 0.6705 | - | - | - | - | - |
0.1660 | 6000 | 0.6624 | - | - | - | - | - |
0.1936 | 7000 | 0.6685 | - | - | - | - | - |
0.2213 | 8000 | 0.6305 | 0.7328 (+0.1415) | 0.5504 (+0.0099) | 0.4056 (+0.0805) | 0.6947 (+0.1941) | 0.5502 (+0.0948) |
0.2490 | 9000 | 0.6353 | - | - | - | - | - |
0.2766 | 10000 | 0.6118 | - | - | - | - | - |
0.3043 | 11000 | 0.6097 | - | - | - | - | - |
0.3319 | 12000 | 0.6003 | 0.7423 (+0.1510) | 0.5817 (+0.0413) | 0.3817 (+0.0566) | 0.6152 (+0.1145) | 0.5262 (+0.0708) |
0.3596 | 13000 | 0.5826 | - | - | - | - | - |
0.3873 | 14000 | 0.5935 | - | - | - | - | - |
0.4149 | 15000 | 0.5826 | - | - | - | - | - |
0.4426 | 16000 | 0.5723 | 0.7557 (+0.1645) | 0.5453 (+0.0049) | 0.4029 (+0.0779) | 0.6260 (+0.1253) | 0.5247 (+0.0693) |
0.4702 | 17000 | 0.582 | - | - | - | - | - |
0.4979 | 18000 | 0.5631 | - | - | - | - | - |
0.5256 | 19000 | 0.5705 | - | - | - | - | - |
0.5532 | 20000 | 0.544 | 0.7604 (+0.1692) | 0.5636 (+0.0232) | 0.4112 (+0.0862) | 0.6260 (+0.1253) | 0.5336 (+0.0782) |
0.5809 | 21000 | 0.5289 | - | - | - | - | - |
0.6086 | 22000 | 0.5431 | - | - | - | - | - |
0.6362 | 23000 | 0.5449 | - | - | - | - | - |
0.6639 | 24000 | 0.5338 | 0.7608 (+0.1696) | 0.5384 (-0.0020) | 0.4327 (+0.1077) | 0.5906 (+0.0899) | 0.5206 (+0.0652) |
0.6915 | 25000 | 0.5401 | - | - | - | - | - |
0.7192 | 26000 | 0.5535 | - | - | - | - | - |
0.7469 | 27000 | 0.5353 | - | - | - | - | - |
0.7745 | 28000 | 0.5157 | 0.7635 (+0.1723) | 0.5217 (-0.0188) | 0.4171 (+0.0921) | 0.5543 (+0.0537) | 0.4977 (+0.0423) |
0.8022 | 29000 | 0.5153 | - | - | - | - | - |
0.8299 | 30000 | 0.5122 | - | - | - | - | - |
0.8575 | 31000 | 0.5108 | - | - | - | - | - |
0.8852 | 32000 | 0.5303 | 0.7685 (+0.1773) | 0.5538 (+0.0134) | 0.4147 (+0.0897) | 0.6155 (+0.1149) | 0.5280 (+0.0727) |
0.9128 | 33000 | 0.5363 | - | - | - | - | - |
0.9405 | 34000 | 0.4996 | - | - | - | - | - |
0.9682 | 35000 | 0.5193 | - | - | - | - | - |
0.9958 | 36000 | 0.4995 | 0.7686 (+0.1774) | 0.5499 (+0.0095) | 0.4233 (+0.0982) | 0.6191 (+0.1184) | 0.5308 (+0.0754) |
-1 | -1 | - | 0.7686 (+0.1774) | 0.5499 (+0.0095) | 0.4233 (+0.0982) | 0.6191 (+0.1184) | 0.5308 (+0.0754) |
加粗行表示保存的檢查點。
框架版本
- Python: 3.12.7
- Sentence Transformers: 4.0.1
- Transformers: 4.50.3
- PyTorch: 2.6.0+cu124
- Accelerate: 1.5.2
- Datasets: 3.5.0
- Tokenizers: 0.21.1
📄 許可證
本項目採用apache-2.0許可證。
引用
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",
}
Jina Embeddings V3
Jina Embeddings V3 是一個多語言句子嵌入模型,支持超過100種語言,專注於句子相似度和特徵提取任務。
文本嵌入
Transformers 支持多種語言

J
jinaai
3.7M
911
Ms Marco MiniLM L6 V2
Apache-2.0
基於MS Marco段落排序任務訓練的交叉編碼器模型,用於信息檢索中的查詢-段落相關性評分
文本嵌入 英語
M
cross-encoder
2.5M
86
Opensearch Neural Sparse Encoding Doc V2 Distill
Apache-2.0
基於蒸餾技術的稀疏檢索模型,專為OpenSearch優化,支持免推理文檔編碼,在搜索相關性和效率上優於V1版本
文本嵌入
Transformers 英語

O
opensearch-project
1.8M
7
Sapbert From PubMedBERT Fulltext
Apache-2.0
基於PubMedBERT的生物醫學實體表徵模型,通過自對齊預訓練優化語義關係捕捉
文本嵌入 英語
S
cambridgeltl
1.7M
49
Gte Large
MIT
GTE-Large 是一個強大的句子轉換器模型,專注於句子相似度和文本嵌入任務,在多個基準測試中表現出色。
文本嵌入 英語
G
thenlper
1.5M
278
Gte Base En V1.5
Apache-2.0
GTE-base-en-v1.5 是一個英文句子轉換器模型,專注於句子相似度任務,在多個文本嵌入基準測試中表現優異。
文本嵌入
Transformers 支持多種語言

G
Alibaba-NLP
1.5M
63
Gte Multilingual Base
Apache-2.0
GTE Multilingual Base 是一個多語言的句子嵌入模型,支持超過50種語言,適用於句子相似度計算等任務。
文本嵌入
Transformers 支持多種語言

G
Alibaba-NLP
1.2M
246
Polybert
polyBERT是一個化學語言模型,旨在實現完全由機器驅動的超快聚合物信息學。它將PSMILES字符串映射為600維密集指紋,以數值形式表示聚合物化學結構。
文本嵌入
Transformers

P
kuelumbus
1.0M
5
Bert Base Turkish Cased Mean Nli Stsb Tr
Apache-2.0
基於土耳其語BERT的句子嵌入模型,專為語義相似度任務優化
文本嵌入
Transformers 其他

B
emrecan
1.0M
40
GIST Small Embedding V0
MIT
基於BAAI/bge-small-en-v1.5模型微調的文本嵌入模型,通過MEDI數據集與MTEB分類任務數據集訓練,優化了檢索任務的查詢編碼能力。
文本嵌入
Safetensors 英語
G
avsolatorio
945.68k
29
精選推薦AI模型
Llama 3 Typhoon V1.5x 8b Instruct
專為泰語設計的80億參數指令模型,性能媲美GPT-3.5-turbo,優化了應用場景、檢索增強生成、受限生成和推理任務
大型語言模型
Transformers 支持多種語言

L
scb10x
3,269
16
Cadet Tiny
Openrail
Cadet-Tiny是一個基於SODA數據集訓練的超小型對話模型,專為邊緣設備推理設計,體積僅為Cosmo-3B模型的2%左右。
對話系統
Transformers 英語

C
ToddGoldfarb
2,691
6
Roberta Base Chinese Extractive Qa
基於RoBERTa架構的中文抽取式問答模型,適用於從給定文本中提取答案的任務。
問答系統 中文
R
uer
2,694
98