---
base_model: BookingCare/multilingual-e5-base-v2
datasets: []
language: []
library_name: sentence-transformers
metrics:
- pearson_cosine
- spearman_cosine
- pearson_manhattan
- spearman_manhattan
- pearson_euclidean
- spearman_euclidean
- pearson_dot
- spearman_dot
- pearson_max
- spearman_max
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:21568
- loss:MultipleNegativesRankingLoss
widget:
- source_sentence: Tôi muốn tìm hiểu về các phương pháp điều trị ung thư phổi.
sentences:
- ' Làm cách nào để hẹn khám bác sĩ tim mạch tại bệnh viện Việt Đức?'
- Thuốc này có thể gây ra tác dụng phụ như buồn nôn, nôn mửa và đau đầu ở một số
bệnh nhân.
- Làm ơn cho tôi biết những cách điều trị ung thư phổi.
- source_sentence: Tôi muốn biết thông tin về các loại thuốc điều trị bệnh tiểu đường.
sentences:
- Cho tôi biết về các loại thuốc điều trị bệnh tiểu đường.
- Tôi muốn tìm bệnh viện gần nhà, làm cách nào?
- ' Phương pháp điều trị này có thể được các bác sĩ áp dụng cho bệnh nhân mắc các
chứng đau mãn tính, bao gồm đau lưng, đau đầu và đau dây thần kinh.'
- source_sentence: Bệnh nhân đã trải qua ca phẫu thuật thành công để loại bỏ khối
u ác tính.
sentences:
- Làm sao để chữa bệnh nấm da?
- Ca phẫu thuật cắt bỏ khối u ung thư của bệnh nhân đã diễn ra thuận lợi.
- Phát hiện sớm ung thư giúp cải thiện cơ hội sống sót.
- source_sentence: Bệnh nhân được chẩn đoán mắc bệnh tiểu đường tuýp 2 và được điều
trị bằng insulin.
sentences:
- Kết quả xét nghiệm cho thấy bệnh nhân bị tiểu đường tuýp 2 và hiện đang sử dụng
insulin để kiểm soát lượng đường trong máu.
- ' Làm cách nào để đặt lịch khám bệnh online tại bệnh viện Chợ Rẫy?'
- ' Tôi có các triệu chứng như đau đầu, chóng mặt, buồn nôn và sốt nhẹ. Tôi nên
đến gặp bác sĩ nào?'
- source_sentence: Chi phí điều trị xương khớp bằng tế bào gốc là bao nhiêu?
sentences:
- Bác sĩ nào giỏi về tim mạch ở Bệnh viện Tim Hà Nội?
- Tôi bị đau ngón chân cái, nguyên nhân có thể là gì và cách xử lý?
- Tôi muốn biết giá thành của phương pháp điều trị xương khớp bằng tế bào gốc.
model-index:
- name: SentenceTransformer based on BookingCare/multilingual-e5-base-v2
results:
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts dev
type: sts-dev
metrics:
- type: pearson_cosine
value: 0.8203111452448977
name: Pearson Cosine
- type: spearman_cosine
value: 0.8045071696400715
name: Spearman Cosine
- type: pearson_manhattan
value: 0.8135062024102064
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.8022590192594135
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.8157257071683398
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.8045071696400715
name: Spearman Euclidean
- type: pearson_dot
value: 0.820311138054016
name: Pearson Dot
- type: spearman_dot
value: 0.8045070964894467
name: Spearman Dot
- type: pearson_max
value: 0.8203111452448977
name: Pearson Max
- type: spearman_max
value: 0.8045071696400715
name: Spearman Max
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts test
type: sts-test
metrics:
- type: pearson_cosine
value: 0.8210620721403172
name: Pearson Cosine
- type: spearman_cosine
value: 0.8160123137301667
name: Spearman Cosine
- type: pearson_manhattan
value: 0.8163110112267055
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.8140975159227894
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.8177169268982277
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.8160123137301667
name: Spearman Euclidean
- type: pearson_dot
value: 0.8210620746059923
name: Pearson Dot
- type: spearman_dot
value: 0.8160127635161788
name: Spearman Dot
- type: pearson_max
value: 0.8210620746059923
name: Pearson Max
- type: spearman_max
value: 0.8160127635161788
name: Spearman Max
---
# SentenceTransformer based on BookingCare/multilingual-e5-base-v2
This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [BookingCare/multilingual-e5-base-v2](https://huggingface.co/BookingCare/multilingual-e5-base-v2). It maps sentences & paragraphs to a 768-dimensional dense vector space and can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.
## Model Details
### Model Description
- **Model Type:** Sentence Transformer
- **Base model:** [BookingCare/multilingual-e5-base-v2](https://huggingface.co/BookingCare/multilingual-e5-base-v2)
- **Maximum Sequence Length:** 512 tokens
- **Output Dimensionality:** 768 tokens
- **Similarity Function:** Cosine Similarity
### Model Sources
- **Documentation:** [Sentence Transformers Documentation](https://sbert.net)
- **Repository:** [Sentence Transformers on GitHub](https://github.com/UKPLab/sentence-transformers)
- **Hugging Face:** [Sentence Transformers on Hugging Face](https://huggingface.co/models?library=sentence-transformers)
### Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: XLMRobertaModel
(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, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
(2): Normalize()
)
```
## Usage
### Direct Usage (Sentence Transformers)
First install the Sentence Transformers library:
```bash
pip install -U sentence-transformers
```
Then you can load this model and run inference.
```python
from sentence_transformers import SentenceTransformer
# Download from the 🤗 Hub
model = SentenceTransformer("BookingCare/multilingual-embed-v1.0")
# Run inference
sentences = [
'Chi phí điều trị xương khớp bằng tế bào gốc là bao nhiêu?',
'Tôi muốn biết giá thành của phương pháp điều trị xương khớp bằng tế bào gốc.',
'Bác sĩ nào giỏi về tim mạch ở Bệnh viện Tim Hà Nội?',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 768]
# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]
```
## Evaluation
### Metrics
#### Semantic Similarity
* Dataset: `sts-dev`
* Evaluated with [EmbeddingSimilarityEvaluator
](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.EmbeddingSimilarityEvaluator)
| Metric | Value |
|:--------------------|:-----------|
| pearson_cosine | 0.8203 |
| **spearman_cosine** | **0.8045** |
| pearson_manhattan | 0.8135 |
| spearman_manhattan | 0.8023 |
| pearson_euclidean | 0.8157 |
| spearman_euclidean | 0.8045 |
| pearson_dot | 0.8203 |
| spearman_dot | 0.8045 |
| pearson_max | 0.8203 |
| spearman_max | 0.8045 |
#### Semantic Similarity
* Dataset: `sts-test`
* Evaluated with [EmbeddingSimilarityEvaluator
](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.EmbeddingSimilarityEvaluator)
| Metric | Value |
|:--------------------|:----------|
| pearson_cosine | 0.8211 |
| **spearman_cosine** | **0.816** |
| pearson_manhattan | 0.8163 |
| spearman_manhattan | 0.8141 |
| pearson_euclidean | 0.8177 |
| spearman_euclidean | 0.816 |
| pearson_dot | 0.8211 |
| spearman_dot | 0.816 |
| pearson_max | 0.8211 |
| spearman_max | 0.816 |
## Training Details
### Training Dataset
#### Unnamed Dataset
* Size: 21,568 training samples
* Columns: sentence_0
and sentence_1
* Approximate statistics based on the first 1000 samples:
| | sentence_0 | sentence_1 |
|:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
| type | string | string |
| details |
Nguyên nhân nào gây ra đau xương bàn chân?
| Tại sao tôi bị đau xương bàn chân?
|
| Chế độ ăn uống lành mạnh có thể giúp giảm nguy cơ mắc bệnh tim mạch.
| Ăn uống hợp lý là một yếu tố quan trọng để ngăn ngừa bệnh tim.
|
| Tôi cần tìm một bác sĩ chuyên khoa tim mạch giỏi ở TP.HCM.
| Cho tôi biết địa chỉ của bác sĩ tim mạch giỏi ở thành phố Hồ Chí Minh.
|
* Loss: [MultipleNegativesRankingLoss
](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#multiplenegativesrankingloss) with these parameters:
```json
{
"scale": 20.0,
"similarity_fct": "cos_sim"
}
```
### Training Hyperparameters
#### Non-Default Hyperparameters
- `eval_strategy`: steps
- `per_device_train_batch_size`: 16
- `per_device_eval_batch_size`: 16
- `num_train_epochs`: 1
- `fp16`: True
- `multi_dataset_batch_sampler`: round_robin
#### All Hyperparameters