This is a
sentence-transformers
model: It maps sentences & paragraphs to a 768 dimensional dense vector space and was designed for
semantic search
. It has been trained on 500K (query, answer) pairs from the
MS MARCO dataset
. For an introduction to semantic search, have a look at:
SBERT.net - Semantic Search
from sentence_transformers import SentenceTransformer, util
query = "How many people live in London?"
docs = ["Around 9 Million people live in London", "London is known for its financial district"]
#Load the model
model = SentenceTransformer('sentence-transformers/msmarco-bert-base-dot-v5')
#Encode query and documents
query_emb = model.encode(query)
doc_emb = model.encode(docs)
#Compute dot score between query and all document embeddings
scores = util.dot_score(query_emb, doc_emb)[0].cpu().tolist()
#Combine docs & scores
doc_score_pairs = list(zip(docs, scores))
#Sort by decreasing score
doc_score_pairs = sorted(doc_score_pairs, key=lambda x: x[1], reverse=True)
#Output passages & scoresprint("Query:", query)
for doc, score in doc_score_pairs:
print(score, doc)
Usage (HuggingFace Transformers)
Without
sentence-transformers
, you can use the model like this: First, you pass your input through the transformer model, then you have to apply the correct pooling-operation on-top of the contextualized word embeddings.
from transformers import AutoTokenizer, AutoModel
import torch
#Mean Pooling - Take attention mask into account for correct averagingdefmean_pooling(model_output, attention_mask):
token_embeddings = model_output.last_hidden_state
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
#Encode textdefencode(texts):
# Tokenize sentences
encoded_input = tokenizer(texts, padding=True, truncation=True, return_tensors='pt')
# Compute token embeddingswith torch.no_grad():
model_output = model(**encoded_input, return_dict=True)
# Perform pooling
embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
return embeddings
# Sentences we want sentence embeddings for
query = "How many people live in London?"
docs = ["Around 9 Million people live in London", "London is known for its financial district"]
# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained("sentence-transformers/msmarco-bert-base-dot-v5")
model = AutoModel.from_pretrained("sentence-transformers/msmarco-bert-base-dot-v5")
#Encode query and docs
query_emb = encode(query)
doc_emb = encode(docs)
#Compute dot score between query and all document embeddings
scores = torch.mm(query_emb, doc_emb.transpose(0, 1))[0].cpu().tolist()
#Combine docs & scores
doc_score_pairs = list(zip(docs, scores))
#Sort by decreasing score
doc_score_pairs = sorted(doc_score_pairs, key=lambda x: x[1], reverse=True)
#Output passages & scoresprint("Query:", query)
for doc, score in doc_score_pairs:
print(score, doc)
Technical Details
In the following some technical details how this model must be used:
Setting
Value
Dimensions
768
Max Sequence Length
512
Produces normalized embeddings
No
Pooling-Method
Mean pooling
Suitable score functions
dot-product (e.g.
util.dot_score
)
Evaluation Results
For an automated evaluation of this model, see the
Sentence Embeddings Benchmark
:
https://seb.sbert.net
Training
See
train_script.py
in this repository for the used training script.
The model was trained with the parameters:
DataLoader
:
torch.utils.data.dataloader.DataLoader
of length 7858 with parameters:
@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 = "http://arxiv.org/abs/1908.10084",
}
Runs of sentence-transformers msmarco-bert-base-dot-v5 on huggingface.co
318.8K
Total runs
0
24-hour runs
19.2K
3-day runs
47.7K
7-day runs
163.9K
30-day runs
More Information About msmarco-bert-base-dot-v5 huggingface.co Model
msmarco-bert-base-dot-v5 huggingface.co
msmarco-bert-base-dot-v5 huggingface.co is an AI model on huggingface.co that provides msmarco-bert-base-dot-v5's model effect (), which can be used instantly with this sentence-transformers msmarco-bert-base-dot-v5 model. huggingface.co supports a free trial of the msmarco-bert-base-dot-v5 model, and also provides paid use of the msmarco-bert-base-dot-v5. Support call msmarco-bert-base-dot-v5 model through api, including Node.js, Python, http.
msmarco-bert-base-dot-v5 huggingface.co is an online trial and call api platform, which integrates msmarco-bert-base-dot-v5's modeling effects, including api services, and provides a free online trial of msmarco-bert-base-dot-v5, you can try msmarco-bert-base-dot-v5 online for free by clicking the link below.
sentence-transformers msmarco-bert-base-dot-v5 online free url in huggingface.co:
msmarco-bert-base-dot-v5 is an open source model from GitHub that offers a free installation service, and any user can find msmarco-bert-base-dot-v5 on GitHub to install. At the same time, huggingface.co provides the effect of msmarco-bert-base-dot-v5 install, users can directly use msmarco-bert-base-dot-v5 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.
msmarco-bert-base-dot-v5 install url in huggingface.co: