cross-encoder / ms-marco-MiniLM-L-6-v2

huggingface.co
Total runs: 11.2M
24-hour runs: -95.7K
7-day runs: 478.5K
30-day runs: 2.4M
Model's Last Updated: December 12 2024
text-classification

Introduction of ms-marco-MiniLM-L-6-v2

Model Details of ms-marco-MiniLM-L-6-v2

Cross-Encoder for MS Marco

This model was trained on the MS Marco Passage Ranking task.

The model can be used for Information Retrieval: Given a query, encode the query will all possible passages (e.g. retrieved with ElasticSearch). Then sort the passages in a decreasing order. See SBERT.net Retrieve & Re-rank for more details. The training code is available here: SBERT.net Training MS Marco

Usage with Transformers
from transformers import AutoTokenizer, AutoModelForSequenceClassification
import torch

model = AutoModelForSequenceClassification.from_pretrained('model_name')
tokenizer = AutoTokenizer.from_pretrained('model_name')

features = tokenizer(['How many people live in Berlin?', 'How many people live in Berlin?'], ['Berlin has a population of 3,520,031 registered inhabitants in an area of 891.82 square kilometers.', 'New York City is famous for the Metropolitan Museum of Art.'],  padding=True, truncation=True, return_tensors="pt")

model.eval()
with torch.no_grad():
    scores = model(**features).logits
    print(scores)
Usage with SentenceTransformers

The usage becomes easier when you have SentenceTransformers installed. Then, you can use the pre-trained models like this:

from sentence_transformers import CrossEncoder
model = CrossEncoder('model_name', max_length=512)
scores = model.predict([('Query', 'Paragraph1'), ('Query', 'Paragraph2') , ('Query', 'Paragraph3')])
Performance

In the following table, we provide various pre-trained Cross-Encoders together with their performance on the TREC Deep Learning 2019 and the MS Marco Passage Reranking dataset.

Model-Name NDCG@10 (TREC DL 19) MRR@10 (MS Marco Dev) Docs / Sec
Version 2 models
cross-encoder/ms-marco-TinyBERT-L-2-v2 69.84 32.56 9000
cross-encoder/ms-marco-MiniLM-L-2-v2 71.01 34.85 4100
cross-encoder/ms-marco-MiniLM-L-4-v2 73.04 37.70 2500
cross-encoder/ms-marco-MiniLM-L-6-v2 74.30 39.01 1800
cross-encoder/ms-marco-MiniLM-L-12-v2 74.31 39.02 960
Version 1 models
cross-encoder/ms-marco-TinyBERT-L-2 67.43 30.15 9000
cross-encoder/ms-marco-TinyBERT-L-4 68.09 34.50 2900
cross-encoder/ms-marco-TinyBERT-L-6 69.57 36.13 680
cross-encoder/ms-marco-electra-base 71.99 36.41 340
Other models
nboost/pt-tinybert-msmarco 63.63 28.80 2900
nboost/pt-bert-base-uncased-msmarco 70.94 34.75 340
nboost/pt-bert-large-msmarco 73.36 36.48 100
Capreolus/electra-base-msmarco 71.23 36.89 340
amberoad/bert-multilingual-passage-reranking-msmarco 68.40 35.54 330
sebastian-hofstaetter/distilbert-cat-margin_mse-T2-msmarco 72.82 37.88 720

Note: Runtime was computed on a V100 GPU.

Runs of cross-encoder ms-marco-MiniLM-L-6-v2 on huggingface.co

11.2M
Total runs
-95.7K
24-hour runs
-228.3K
3-day runs
478.5K
7-day runs
2.4M
30-day runs

More Information About ms-marco-MiniLM-L-6-v2 huggingface.co Model

More ms-marco-MiniLM-L-6-v2 license Visit here:

https://choosealicense.com/licenses/apache-2.0

ms-marco-MiniLM-L-6-v2 huggingface.co

ms-marco-MiniLM-L-6-v2 huggingface.co is an AI model on huggingface.co that provides ms-marco-MiniLM-L-6-v2's model effect (), which can be used instantly with this cross-encoder ms-marco-MiniLM-L-6-v2 model. huggingface.co supports a free trial of the ms-marco-MiniLM-L-6-v2 model, and also provides paid use of the ms-marco-MiniLM-L-6-v2. Support call ms-marco-MiniLM-L-6-v2 model through api, including Node.js, Python, http.

ms-marco-MiniLM-L-6-v2 huggingface.co Url

https://huggingface.co/cross-encoder/ms-marco-MiniLM-L-6-v2

cross-encoder ms-marco-MiniLM-L-6-v2 online free

ms-marco-MiniLM-L-6-v2 huggingface.co is an online trial and call api platform, which integrates ms-marco-MiniLM-L-6-v2's modeling effects, including api services, and provides a free online trial of ms-marco-MiniLM-L-6-v2, you can try ms-marco-MiniLM-L-6-v2 online for free by clicking the link below.

cross-encoder ms-marco-MiniLM-L-6-v2 online free url in huggingface.co:

https://huggingface.co/cross-encoder/ms-marco-MiniLM-L-6-v2

ms-marco-MiniLM-L-6-v2 install

ms-marco-MiniLM-L-6-v2 is an open source model from GitHub that offers a free installation service, and any user can find ms-marco-MiniLM-L-6-v2 on GitHub to install. At the same time, huggingface.co provides the effect of ms-marco-MiniLM-L-6-v2 install, users can directly use ms-marco-MiniLM-L-6-v2 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

ms-marco-MiniLM-L-6-v2 install url in huggingface.co:

https://huggingface.co/cross-encoder/ms-marco-MiniLM-L-6-v2

Url of ms-marco-MiniLM-L-6-v2

ms-marco-MiniLM-L-6-v2 huggingface.co Url

Provider of ms-marco-MiniLM-L-6-v2 huggingface.co

cross-encoder
ORGANIZATIONS

Other API from cross-encoder