古风汉服美女图集

obrizum/all-MiniLM-L6-v2

2023-12-27 00:48 1 微浪网
导语: all-MiniLM-L6-v2 This is ...,

obrizum/all-MiniLM-L6-v2


all-MiniLM-L6-v2

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.


Usage (Sentence-Transformers)

Using this model becomes easy when you have sentence-transformers installed:
pip install -U sentence-transformers<br />

Then you can use the model like this:
from sentence_transformers import SentenceTransformer<br /> sentences = ["This is an example sentence", "Each sentence is converted"]<br /> model = SentenceTransformer('obrizum/all-MiniLM-L6-v2')<br /> embeddings = model.encode(sentences)<br /> print(embeddings)<br />


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<br /> import torch<br /> import torch.nn.functional as F<br /> #Mean Pooling - Take attention mask into account for correct averaging<br /> def mean_pooling(model_output, attention_mask):<br /> token_embeddings = model_output[0] #First element of model_output contains all token embeddings<br /> input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()<br /> return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)<br /> # Sentences we want sentence embeddings for<br /> sentences = ['This is an example sentence', 'Each sentence is converted']<br /> # Load model from HuggingFace Hub<br /> tokenizer = AutoTokenizer.from_pretrained('obrizum/all-MiniLM-L6-v2')<br /> model = AutoModel.from_pretrained('obrizum/all-MiniLM-L6-v2')<br /> # Tokenize sentences<br /> encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')<br /> # Compute token embeddings<br /> with torch.no_grad():<br /> model_output = model(**encoded_input)<br /> # Perform pooling<br /> sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])<br /> # Normalize embeddings<br /> sentence_embeddings = F.normalize(sentence_embeddings, p=2, dim=1)<br /> print("Sentence embeddings:")<br /> print(sentence_embeddings)<br />


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 nreimers/MiniLM-L6-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.
We developped this model during the
Community week using JAX/Flax for NLP & CV,
organized by Hugging Face. We developped this model as part of the project:
Train the Best Sentence Embedding Model Ever with 1B Training Pairs. We benefited from efficient hardware infrastructure to run the project: 7 TPUs v3-8, as well as intervention from Googles Flax, JAX, and Cloud team member about efficient deep learning frameworks.


Intended uses

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 256 word pieces is truncated.


Training procedure


Pre-training

We use the pretrained nreimers/MiniLM-L6-H384-uncased model. 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 100k 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.

Dataset Paper Number of training tuples
Reddit comments (2015-2018) paper 726,484,430
S2ORC Citation pairs (Abstracts) paper 116,288,806
WikiAnswers Duplicate question pairs paper 77,427,422
PAQ (Question, Answer) pairs paper 64,371,441
S2ORC Citation pairs (Titles) paper 52,603,982
S2ORC (Title, Abstract) paper 41,769,185
Stack Exchange (Title, Body) pairs 25,316,456
Stack Exchange (Title+Body, Answer) pairs 21,396,559
Stack Exchange (Title, Answer) pairs 21,396,559
MS MARCO triplets paper 9,144,553
GOOAQ: Open Question Answering with Diverse Answer Types paper 3,012,496
Yahoo Answers (Title, Answer) paper 1,198,260
Code Search 1,151,414
COCO Image captions paper 828,395
SPECTER citation triplets paper 684,100
Yahoo Answers (Question, Answer) paper 681,164
Yahoo Answers (Title, Question) paper 659,896
SearchQA paper 582,261
Eli5 paper 325,475
Flickr 30k paper 317,695
Stack Exchange Duplicate questions (titles) 304,525
AllNLI (SNLI and MultiNLI paper SNLI, paper MultiNLI 277,230
Stack Exchange Duplicate questions (bodies) 250,519
Stack Exchange Duplicate questions (titles+bodies) 250,460
Sentence Compression paper 180,000
Wikihow paper 128,542
Altlex paper 112,696
Quora Question Triplets 103,663
Simple Wikipedia paper 102,225
Natural Questions (NQ) paper 100,231
SQuAD2.0 paper 87,599
TriviaQA 73,346
Total 1,170,060,424


收录说明:
1、本网页并非 obrizum/all-MiniLM-L6-v2 官网网址页面,此页面内容编录于互联网,只作展示之用;2、如果有与 obrizum/all-MiniLM-L6-v2 相关业务事宜,请访问其网站并获取联系方式;3、本站与 obrizum/all-MiniLM-L6-v2 无任何关系,对于 obrizum/all-MiniLM-L6-v2 网站中的信息,请用户谨慎辨识其真伪。4、本站收录 obrizum/all-MiniLM-L6-v2 时,此站内容访问正常,如遇跳转非法网站,有可能此网站被非法入侵或者已更换新网址,导致旧网址被非法使用,5、如果你是网站站长或者负责人,不想被收录请邮件删除:i-hu#Foxmail.com (#换@)

前往AI网址导航
1、本文来自 AIGC网址导航 投稿的内容 obrizum/all-MiniLM-L6-v2 ,所有言论和图片纯属作者个人意见,版权归原作者所有;不代表 本站 立场;
2、本站所有文章、图片、资源等如果未标明原创,均为收集自互联网公开资源;分享的图片、资源、视频等,出镜模特均为成年女性正常写真内容,版权归原作者所有,仅作为个人学习、研究以及欣赏!如有涉及下载请24小时内删除;
3、如果您发现本站上有侵犯您的权益的作品,请与我们取得联系,我们会及时修改、删除并致以最深的歉意。邮箱: i-hu#(#换@)foxmail.com

2023-12-27

2023-12-27

古风汉服美女图集
扫一扫二维码分享