This is a
sentence-transformers
model: It maps sentences & paragraphs to a 384 dimensional dense vector space and was designed for
semantic search
. It has been trained on 500k (query, answer) pairs from the
MS MARCO Passages 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-MiniLM-L6-cos-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 & scoresfor 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
import torch.nn.functional as F
#Mean Pooling - Take average of all tokensdefmean_pooling(model_output, attention_mask):
token_embeddings = model_output.last_hidden_state #First element of model_output contains all token embeddings
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'])
# Normalize embeddings
embeddings = F.normalize(embeddings, p=2, dim=1)
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-MiniLM-L6-cos-v5")
model = AutoModel.from_pretrained("sentence-transformers/msmarco-MiniLM-L6-cos-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 & scoresfor doc, score in doc_score_pairs:
print(score, doc)
Technical Details
In the following some technical details how this model must be used:
Note: When loaded with
sentence-transformers
, this model produces normalized embeddings with length 1. In that case, dot-product and cosine-similarity are equivalent. dot-product is preferred as it is faster. Euclidean distance is proportional to dot-product and can also be used.
@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-MiniLM-L6-cos-v5 on huggingface.co
397.5K
Total runs
38.4K
24-hour runs
76.4K
3-day runs
132.5K
7-day runs
313.3K
30-day runs
More Information About msmarco-MiniLM-L6-cos-v5 huggingface.co Model
msmarco-MiniLM-L6-cos-v5 huggingface.co
msmarco-MiniLM-L6-cos-v5 huggingface.co is an AI model on huggingface.co that provides msmarco-MiniLM-L6-cos-v5's model effect (), which can be used instantly with this sentence-transformers msmarco-MiniLM-L6-cos-v5 model. huggingface.co supports a free trial of the msmarco-MiniLM-L6-cos-v5 model, and also provides paid use of the msmarco-MiniLM-L6-cos-v5. Support call msmarco-MiniLM-L6-cos-v5 model through api, including Node.js, Python, http.
msmarco-MiniLM-L6-cos-v5 huggingface.co is an online trial and call api platform, which integrates msmarco-MiniLM-L6-cos-v5's modeling effects, including api services, and provides a free online trial of msmarco-MiniLM-L6-cos-v5, you can try msmarco-MiniLM-L6-cos-v5 online for free by clicking the link below.
sentence-transformers msmarco-MiniLM-L6-cos-v5 online free url in huggingface.co:
msmarco-MiniLM-L6-cos-v5 is an open source model from GitHub that offers a free installation service, and any user can find msmarco-MiniLM-L6-cos-v5 on GitHub to install. At the same time, huggingface.co provides the effect of msmarco-MiniLM-L6-cos-v5 install, users can directly use msmarco-MiniLM-L6-cos-v5 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.
msmarco-MiniLM-L6-cos-v5 install url in huggingface.co: