devtrent commited on
Commit
f74da44
1 Parent(s): 10c1f78

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +53 -5
README.md CHANGED
@@ -6,8 +6,56 @@ tags:
6
  - sentence-similarity
7
  ---
8
  # multi-QA_v1-mpnet-asymmetric-Q
9
- This is mpnet-base model trained on 1B+ question - answer pairs. 2 separate models were used for training. This model was used to encode Questions.
10
-
11
- ## Usage
12
- The model can be used for semantic-search in conjunction with answer model : [multi-QA_v1-mpnet-asymmetric-A](https://huggingface.co/flax-sentence-embeddings/multi-QA_v1-mpnet-asymmetric-A)
13
- Output vectors are normalized and mean pooling used during training.
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
6
  - sentence-similarity
7
  ---
8
  # multi-QA_v1-mpnet-asymmetric-Q
9
+ ## Model Description
10
+ SentenceTransformers is a set of models and frameworks that enable training and generating sentence embeddings from given data. The generated sentence embeddings can be utilized for Clustering, Semantic Search and other tasks. We used two separate pretrained [mpnet-base](https://huggingface.co/microsoft/mpnet-base) models and trained them using contrastive learning objective. Question and answer pairs from StackExchange and other datasets were used as training data to make the model robust to Question / Answer embedding similarity.
11
+ We developed this model during the
12
+ [Community week using JAX/Flax for NLP & CV](https://discuss.huggingface.co/t/open-to-the-community-community-week-using-jax-flax-for-nlp-cv/7104),
13
+ organized by Hugging Face. We developed this model as part of the project:
14
+ [Train the Best Sentence Embedding Model Ever with 1B Training Pairs](https://discuss.huggingface.co/t/train-the-best-sentence-embedding-model-ever-with-1b-training-pairs/7354). We benefited from efficient hardware infrastructure to run the project: 7 TPUs v3-8, as well
15
+ as assistance from Google’s Flax, JAX, and Cloud team members about efficient deep learning frameworks.
16
+ ## Intended uses
17
+ This model set is intended to be used as a sentence encoder for a search engine. Given an input sentence, it ouptuts a vector which captures
18
+ the sentence semantic information. The sentence vector may be used for semantic-search, clustering or sentence similarity tasks.
19
+ Two models should be used on conjunction for Semantic Search purposes.
20
+ 1. [multi-QA_v1-mpnet-asymmetric-Q](https://huggingface.co/flax-sentence-embeddings/multi-QA_v1-mpnet-asymmetric-Q) - Model to encode Questions
21
+ 1. [multi-QA_v1-mpnet-asymmetric-Q](https://huggingface.co/flax-sentence-embeddings/multi-QA_v1-mpnet-asymmetric-A) - Model to encode Answers
22
+ ## How to use
23
+ Here is how to use this model to get the features of a given text using [SentenceTransformers](https://github.com/UKPLab/sentence-transformers) library:
24
+ ```python
25
+ from sentence_transformers import SentenceTransformer
26
+ model_Q = SentenceTransformer('flax-sentence-embeddings/multi-QA_v1-mpnet-asymmetric-Q')
27
+ model_A = SentenceTransformer('flax-sentence-embeddings/multi-QA_v1-mpnet-asymmetric-A')
28
+ question = "Replace me by any question you'd like."
29
+ question_embbedding = model_Q.encode(text)
30
+ answer = "Replace me by any answer you'd like."
31
+ answer_embbedding = model_A.encode(text)
32
+ answer_likeliness = cosine_similarity(question_embedding, answer_embedding)
33
+ ```
34
+ # Training procedure
35
+ ## Pre-training
36
+ We use the pretrained [`Mpnet-base`](https://huggingface.co/microsoft/mpnet-base). Please refer to the model
37
+ card for more detailed information about the pre-training procedure.
38
+ ## Fine-tuning
39
+ We fine-tune the model using a contrastive objective. Formally, we compute the cosine similarity from each possible sentence pairs from the batch.
40
+ We then apply the cross entropy loss by comparing with true pairs.
41
+ ### Hyper parameters
42
+ We trained on model on a TPU v3-8. We train the model during 80k steps using a batch size of 1024 (128 per TPU core).
43
+ We use a learning rate warm up of 500. The sequence length was limited to 128 tokens. We used the AdamW optimizer with
44
+ a 2e-5 learning rate. The full training script is accessible in this current repository.
45
+ ### Training data
46
+ We used the concatenation from multiple Stackexchange Question-Answer datasets to fine-tune our model. MSMARCO, NQ & other question-answer datasets were also used.
47
+ | Dataset | Paper | Number of training tuples |
48
+ |:--------------------------------------------------------:|:----------------------------------------:|:--------------------------:|
49
+ | [Stack Exchange QA - Title & Answer](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_title_best_voted_answer_jsonl) | - | 4,750,619 |
50
+ | [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_title_body_jsonl) | - | 364,001 |
51
+ | [TriviaqQA](https://huggingface.co/datasets/trivia_qa) | - | 73,346 |
52
+ | [SQuAD2.0](https://rajpurkar.github.io/SQuAD-explorer/) | [paper](https://aclanthology.org/P18-2124.pdf) | 87,599 |
53
+ | [Quora Question Pairs](https://quoradata.quora.com/First-Quora-Dataset-Release-Question-Pairs) | - | 103,663 |
54
+ | [Eli5](https://huggingface.co/datasets/eli5) | [paper](https://doi.org/10.18653/v1/p19-1346) | 325,475 |
55
+ | [PAQ](https://github.com/facebookresearch/PAQ) | [paper](https://arxiv.org/abs/2102.07033) | 64,371,441 |
56
+ | [WikiAnswers](https://github.com/afader/oqa#wikianswers-corpus) | [paper](https://doi.org/10.1145/2623330.2623677) | 77,427,422 |
57
+ | [MS MARCO](https://microsoft.github.io/msmarco/) | [paper](https://doi.org/10.1145/3404835.3462804) | 9,144,553 |
58
+ | [GOOAQ: Open Question Answering with Diverse Answer Types](https://github.com/allenai/gooaq) | [paper](https://arxiv.org/pdf/2104.08727.pdf) | 3,012,496 |
59
+ | [Yahoo Answers](https://www.kaggle.com/soumikrakshit/yahoo-answers-dataset) Question/Answer | [paper](https://proceedings.neurips.cc/paper/2015/hash/250cf8b51c773f3f8dc8b4be867a9a02-Abstract.html) | 681,164 |
60
+ | SearchQA | - | 582,261 |
61
+ | [Natural Questions (NQ)](https://ai.google.com/research/NaturalQuestions) | [paper](https://transacl.org/ojs/index.php/tacl/article/view/1455) | 100,231 |