sentence-transformers / msmarco-distilbert-base-dot-prod-v3

huggingface.co
Total runs: 3.2K
24-hour runs: 0
7-day runs: 450
30-day runs: -113
Model's Last Updated: November 06 2024
sentence-similarity

Introduction of msmarco-distilbert-base-dot-prod-v3

Model Details of msmarco-distilbert-base-dot-prod-v3

sentence-transformers/msmarco-distilbert-base-dot-prod-v3

This is a sentence-transformers model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.

Usage (Sentence-Transformers)

Using this model becomes easy when you have sentence-transformers installed:

pip install -U sentence-transformers

Then you can use the model like this:

from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]

model = SentenceTransformer('sentence-transformers/msmarco-distilbert-base-dot-prod-v3')
embeddings = model.encode(sentences)
print(embeddings)
Evaluation Results

For an automated evaluation of this model, see the Sentence Embeddings Benchmark : https://seb.sbert.net

Full Model Architecture
SentenceTransformer(
  (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: DistilBertModel 
  (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
  (2): Dense({'in_features': 768, 'out_features': 768, 'bias': False, 'activation_function': 'torch.nn.modules.linear.Identity'})
)
Citing & Authors

This model was trained by sentence-transformers .

If you find this model helpful, feel free to cite our publication Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks :

@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-distilbert-base-dot-prod-v3 on huggingface.co

3.2K
Total runs
0
24-hour runs
41
3-day runs
450
7-day runs
-113
30-day runs

More Information About msmarco-distilbert-base-dot-prod-v3 huggingface.co Model

More msmarco-distilbert-base-dot-prod-v3 license Visit here:

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

msmarco-distilbert-base-dot-prod-v3 huggingface.co

msmarco-distilbert-base-dot-prod-v3 huggingface.co is an AI model on huggingface.co that provides msmarco-distilbert-base-dot-prod-v3's model effect (), which can be used instantly with this sentence-transformers msmarco-distilbert-base-dot-prod-v3 model. huggingface.co supports a free trial of the msmarco-distilbert-base-dot-prod-v3 model, and also provides paid use of the msmarco-distilbert-base-dot-prod-v3. Support call msmarco-distilbert-base-dot-prod-v3 model through api, including Node.js, Python, http.

sentence-transformers msmarco-distilbert-base-dot-prod-v3 online free

msmarco-distilbert-base-dot-prod-v3 huggingface.co is an online trial and call api platform, which integrates msmarco-distilbert-base-dot-prod-v3's modeling effects, including api services, and provides a free online trial of msmarco-distilbert-base-dot-prod-v3, you can try msmarco-distilbert-base-dot-prod-v3 online for free by clicking the link below.

sentence-transformers msmarco-distilbert-base-dot-prod-v3 online free url in huggingface.co:

https://huggingface.co/sentence-transformers/msmarco-distilbert-base-dot-prod-v3

msmarco-distilbert-base-dot-prod-v3 install

msmarco-distilbert-base-dot-prod-v3 is an open source model from GitHub that offers a free installation service, and any user can find msmarco-distilbert-base-dot-prod-v3 on GitHub to install. At the same time, huggingface.co provides the effect of msmarco-distilbert-base-dot-prod-v3 install, users can directly use msmarco-distilbert-base-dot-prod-v3 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

msmarco-distilbert-base-dot-prod-v3 install url in huggingface.co:

https://huggingface.co/sentence-transformers/msmarco-distilbert-base-dot-prod-v3

Url of msmarco-distilbert-base-dot-prod-v3

msmarco-distilbert-base-dot-prod-v3 huggingface.co Url

Provider of msmarco-distilbert-base-dot-prod-v3 huggingface.co

sentence-transformers
ORGANIZATIONS

Other API from sentence-transformers