This is a
sentence-transformers
model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]
model = SentenceTransformer('sentence-transformers/all-MiniLM-L12-v1')
embeddings = model.encode(sentences)
print(embeddings)
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 right 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 attention mask into account for correct averagingdefmean_pooling(model_output, attention_mask):
token_embeddings = model_output[0] #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)
# Sentences we want sentence embeddings for
sentences = ['This is an example sentence', 'Each sentence is converted']
# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained('sentence-transformers/all-MiniLM-L12-v1')
model = AutoModel.from_pretrained('sentence-transformers/all-MiniLM-L12-v1')
# Tokenize sentences
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
# Compute token embeddingswith torch.no_grad():
model_output = model(**encoded_input)
# Perform pooling
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
# Normalize embeddings
sentence_embeddings = F.normalize(sentence_embeddings, p=2, dim=1)
print("Sentence embeddings:")
print(sentence_embeddings)
Evaluation Results
For an automated evaluation of this model, see the
Sentence Embeddings Benchmark
:
https://seb.sbert.net
Background
The project aims to train sentence embedding models on very large sentence level datasets using a self-supervised
contrastive learning objective. We used the pretrained
microsoft/MiniLM-L12-H384-uncased
model and fine-tuned in on a
1B sentence pairs dataset. We use a contrastive learning objective: given a sentence from the pair, the model should predict which out of a set of randomly sampled other sentences, was actually paired with it in our dataset.
Our model is intented to be used as a sentence and short paragraph encoder. Given an input text, it ouptuts a vector which captures
the semantic information. The sentence vector may be used for information retrieval, clustering or sentence similarity tasks.
By default, input text longer than 128 word pieces is truncated.
Training procedure
Pre-training
We use the pretrained
microsoft/MiniLM-L12-H384-uncased
. Please refer to the model card for more detailed information about the pre-training procedure.
Fine-tuning
We fine-tune the model using a contrastive objective. Formally, we compute the cosine similarity from each possible sentence pairs from the batch.
We then apply the cross entropy loss by comparing with true pairs.
Hyper parameters
We trained ou model on a TPU v3-8. We train the model during 540k steps using a batch size of 1024 (128 per TPU core).
We use a learning rate warm up of 500. The sequence length was limited to 128 tokens. We used the AdamW optimizer with
a 2e-5 learning rate. The full training script is accessible in this current repository:
train_script.py
.
Training data
We use the concatenation from multiple datasets to fine-tune our model. The total number of sentence pairs is above 1 billion sentences.
We sampled each dataset given a weighted probability which configuration is detailed in the
data_config.json
file.
all-MiniLM-L12-v1 huggingface.co is an AI model on huggingface.co that provides all-MiniLM-L12-v1's model effect (), which can be used instantly with this sentence-transformers all-MiniLM-L12-v1 model. huggingface.co supports a free trial of the all-MiniLM-L12-v1 model, and also provides paid use of the all-MiniLM-L12-v1. Support call all-MiniLM-L12-v1 model through api, including Node.js, Python, http.
all-MiniLM-L12-v1 huggingface.co is an online trial and call api platform, which integrates all-MiniLM-L12-v1's modeling effects, including api services, and provides a free online trial of all-MiniLM-L12-v1, you can try all-MiniLM-L12-v1 online for free by clicking the link below.
sentence-transformers all-MiniLM-L12-v1 online free url in huggingface.co:
all-MiniLM-L12-v1 is an open source model from GitHub that offers a free installation service, and any user can find all-MiniLM-L12-v1 on GitHub to install. At the same time, huggingface.co provides the effect of all-MiniLM-L12-v1 install, users can directly use all-MiniLM-L12-v1 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.