---
language:
- sw
library_name: sentence-transformers
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:1115700
- loss:MatryoshkaLoss
- loss:MultipleNegativesRankingLoss
base_model: BAAI/bge-small-en-v1.5
metrics:
- pearson_cosine
- spearman_cosine
- pearson_manhattan
- spearman_manhattan
- pearson_euclidean
- spearman_euclidean
- pearson_dot
- spearman_dot
- pearson_max
- spearman_max
widget:
- source_sentence: Ndege mwenye mdomo mrefu katikati ya ndege.
sentences:
- Panya anayekimbia juu ya gurudumu.
- Mtu anashindana katika mashindano ya mbio.
- Ndege anayeruka.
- source_sentence: >-
Msichana mchanga mwenye nywele nyeusi anakabili kamera na kushikilia mfuko
wa karatasi wakati amevaa shati la machungwa na mabawa ya kipepeo yenye
rangi nyingi.
sentences:
- Mwanamke mzee anakataa kupigwa picha.
- mtu akila na mvulana mdogo kwenye kijia cha jiji
- Msichana mchanga anakabili kamera.
- source_sentence: >-
Wanawake na watoto wameketi nje katika kivuli wakati kikundi cha watoto
wadogo wameketi ndani katika kivuli.
sentences:
- Mwanamke na watoto na kukaa chini.
- Mwanamke huyo anakimbia.
- Watu wanasafiri kwa baiskeli.
- source_sentence: >-
Mtoto mdogo anaruka mikononi mwa mwanamke aliyevalia suti nyeusi ya kuogelea
akiwa kwenye dimbwi.
sentences:
- >-
Mtoto akiruka mikononi mwa mwanamke aliyevalia suti ya kuogelea kwenye
dimbwi.
- Someone is holding oranges and walking
- Mama na binti wakinunua viatu.
- source_sentence: >-
Mwanamume na mwanamke wachanga waliovaa mikoba wanaweka au kuondoa kitu
kutoka kwenye mti mweupe wa zamani, huku watu wengine wamesimama au wameketi
nyuma.
sentences:
- tai huruka
- mwanamume na mwanamke wenye mikoba
- Wanaume wawili wameketi karibu na mwanamke.
pipeline_tag: sentence-similarity
model-index:
- name: SentenceTransformer based on BAAI/bge-small-en-v1.5
results:
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts test 256
type: sts-test-256
metrics:
- type: pearson_cosine
value: 0.6831671531193453
name: Pearson Cosine
- type: spearman_cosine
value: 0.677143022633225
name: Spearman Cosine
- type: pearson_manhattan
value: 0.6891948944875336
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.6892226446007472
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.6916897298195501
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.6916850273924392
name: Spearman Euclidean
- type: pearson_dot
value: 0.6418376172951465
name: Pearson Dot
- type: spearman_dot
value: 0.628581703082033
name: Spearman Dot
- type: pearson_max
value: 0.6916897298195501
name: Pearson Max
- type: spearman_max
value: 0.6916850273924392
name: Spearman Max
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts test 128
type: sts-test-128
metrics:
- type: pearson_cosine
value: 0.6753009254241098
name: Pearson Cosine
- type: spearman_cosine
value: 0.6731049071307844
name: Spearman Cosine
- type: pearson_manhattan
value: 0.6906782473185179
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.6927883369656496
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.6933649652149252
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.694111832507592
name: Spearman Euclidean
- type: pearson_dot
value: 0.600449101550258
name: Pearson Dot
- type: spearman_dot
value: 0.5857671058687308
name: Spearman Dot
- type: pearson_max
value: 0.6933649652149252
name: Pearson Max
- type: spearman_max
value: 0.694111832507592
name: Spearman Max
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts test 64
type: sts-test-64
metrics:
- type: pearson_cosine
value: 0.6546200020168988
name: Pearson Cosine
- type: spearman_cosine
value: 0.6523958945855459
name: Spearman Cosine
- type: pearson_manhattan
value: 0.6837289470688535
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.6796775815725002
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.6861328219241016
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.6815842202083926
name: Spearman Euclidean
- type: pearson_dot
value: 0.5120576666695955
name: Pearson Dot
- type: spearman_dot
value: 0.49141347385563683
name: Spearman Dot
- type: pearson_max
value: 0.6861328219241016
name: Pearson Max
- type: spearman_max
value: 0.6815842202083926
name: Spearman Max
---
# SentenceTransformer based on BAAI/bge-small-en-v1.5
This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [BAAI/bge-small-en-v1.5](https://huggingface.co/BAAI/bge-small-en-v1.5) on the Mollel/swahili-n_li-triplet-swh-eng dataset. It maps sentences & paragraphs to a 384-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:** [BAAI/bge-small-en-v1.5](https://huggingface.co/BAAI/bge-small-en-v1.5)
- **Maximum Sequence Length:** 512 tokens
- **Output Dimensionality:** 384 tokens
- **Similarity Function:** Cosine Similarity
- **Training Dataset:**
- Mollel/swahili-n_li-triplet-swh-eng
### 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': True}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, '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("sartifyllc/MultiLinguSwahili-bge-small-en-v1.5-nli-matryoshka")
# Run inference
sentences = [
'Mwanamume na mwanamke wachanga waliovaa mikoba wanaweka au kuondoa kitu kutoka kwenye mti mweupe wa zamani, huku watu wengine wamesimama au wameketi nyuma.',
'mwanamume na mwanamke wenye mikoba',
'tai huruka',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 384]
# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]
```
## Evaluation
### Metrics
#### Semantic Similarity
* Dataset: `sts-test-256`
* Evaluated with [EmbeddingSimilarityEvaluator
](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.EmbeddingSimilarityEvaluator)
| Metric | Value |
|:--------------------|:-----------|
| pearson_cosine | 0.6832 |
| **spearman_cosine** | **0.6771** |
| pearson_manhattan | 0.6892 |
| spearman_manhattan | 0.6892 |
| pearson_euclidean | 0.6917 |
| spearman_euclidean | 0.6917 |
| pearson_dot | 0.6418 |
| spearman_dot | 0.6286 |
| pearson_max | 0.6917 |
| spearman_max | 0.6917 |
#### Semantic Similarity
* Dataset: `sts-test-128`
* Evaluated with [EmbeddingSimilarityEvaluator
](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.EmbeddingSimilarityEvaluator)
| Metric | Value |
|:--------------------|:-----------|
| pearson_cosine | 0.6753 |
| **spearman_cosine** | **0.6731** |
| pearson_manhattan | 0.6907 |
| spearman_manhattan | 0.6928 |
| pearson_euclidean | 0.6934 |
| spearman_euclidean | 0.6941 |
| pearson_dot | 0.6004 |
| spearman_dot | 0.5858 |
| pearson_max | 0.6934 |
| spearman_max | 0.6941 |
#### Semantic Similarity
* Dataset: `sts-test-64`
* Evaluated with [EmbeddingSimilarityEvaluator
](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.EmbeddingSimilarityEvaluator)
| Metric | Value |
|:--------------------|:-----------|
| pearson_cosine | 0.6546 |
| **spearman_cosine** | **0.6524** |
| pearson_manhattan | 0.6837 |
| spearman_manhattan | 0.6797 |
| pearson_euclidean | 0.6861 |
| spearman_euclidean | 0.6816 |
| pearson_dot | 0.5121 |
| spearman_dot | 0.4914 |
| pearson_max | 0.6861 |
| spearman_max | 0.6816 |
## Training Details
### Training Dataset
#### Mollel/swahili-n_li-triplet-swh-eng
* Dataset: Mollel/swahili-n_li-triplet-swh-eng
* Size: 1,115,700 training samples
* Columns: anchor
, positive
, and negative
* Approximate statistics based on the first 1000 samples:
| | anchor | positive | negative |
|:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:---------------------------------------------------------------------------------|
| type | string | string | string |
| details |
A person on a horse jumps over a broken down airplane.
| A person is outdoors, on a horse.
| A person is at a diner, ordering an omelette.
|
| Mtu aliyepanda farasi anaruka juu ya ndege iliyovunjika.
| Mtu yuko nje, juu ya farasi.
| Mtu yuko kwenye mkahawa, akiagiza omelette.
|
| Children smiling and waving at camera
| There are children present
| The kids are frowning
|
* Loss: [MatryoshkaLoss
](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#matryoshkaloss) with these parameters:
```json
{
"loss": "MultipleNegativesRankingLoss",
"matryoshka_dims": [
256,
128,
64
],
"matryoshka_weights": [
1,
1,
1
],
"n_dims_per_step": -1
}
```
### Evaluation Dataset
#### Mollel/swahili-n_li-triplet-swh-eng
* Dataset: Mollel/swahili-n_li-triplet-swh-eng
* Size: 13,168 evaluation samples
* Columns: anchor
, positive
, and negative
* Approximate statistics based on the first 1000 samples:
| | anchor | positive | negative |
|:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:---------------------------------------------------------------------------------|
| type | string | string | string |
| details | Two women are embracing while holding to go packages.
| Two woman are holding packages.
| The men are fighting outside a deli.
|
| Wanawake wawili wanakumbatiana huku wakishikilia vifurushi vya kwenda.
| Wanawake wawili wanashikilia vifurushi.
| Wanaume hao wanapigana nje ya duka la vyakula vitamu.
|
| Two young children in blue jerseys, one with the number 9 and one with the number 2 are standing on wooden steps in a bathroom and washing their hands in a sink.
| Two kids in numbered jerseys wash their hands.
| Two kids in jackets walk to school.
|
* Loss: [MatryoshkaLoss
](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#matryoshkaloss) with these parameters:
```json
{
"loss": "MultipleNegativesRankingLoss",
"matryoshka_dims": [
256,
128,
64
],
"matryoshka_weights": [
1,
1,
1
],
"n_dims_per_step": -1
}
```
### Training Hyperparameters
#### Non-Default Hyperparameters
- `per_device_train_batch_size`: 64
- `per_device_eval_batch_size`: 64
- `learning_rate`: 2e-05
- `num_train_epochs`: 1
- `warmup_ratio`: 0.1
- `bf16`: True
- `batch_sampler`: no_duplicates
#### All Hyperparameters