ammar_setfit_v2 / README.md
omarelsayeed's picture
Upload folder using huggingface_hub
256b349 verified
---
language: []
library_name: sentence-transformers
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:400000
- loss:LoggingBAS
base_model: Ammar-alhaj-ali/arabic-MARBERT-sentiment
datasets: []
widget:
- source_sentence: "السلام عليكم \nرجاءً تواصلو معي على الخاص ضروري"
sentences:
- ياليت والله أنا في المدينة لكن سعر الرحلات غالي 🥺
- متوفر ملزمه عامر قدره معرفيه
- الف مبرووك
- source_sentence: 'قسم بايات الله اسوء موظفين من يوم يشوف وجهي يقول لي تعال الاسبوع
الجاي ولي اسبوعين على ذا الحال واليوم اروح يقول لي الموظف مو موجود تعال بكرة
وانا كل شوي بخرج من الدوام على حساب مزاج الموظف وقت ما يبي يشتغل يخي وش الخدمة
ذي
هذا كله كمان علشان اخذ حقي الله يشغلكم في نفسكم بس'
sentences:
- امس شاركت بمسابقه وطلعت احتيال واخذوا اخر ١٠٠ بحسابي الله يعوضني العوض الجميل
المبارك فيه 🧡..
- اسوء وازبل بنك بالتاريخ وانا راح اغرد بالموضوع وادفع عليه فلوس نشر واخلي العالم
كلها تشوف التسيب والمصخره اللي انتم فيها
- متوفر عندكم معمول خاص بالدايت ( خالي من السكر ) ؟ 🌹
- source_sentence: 'أجر لك وأجر لي ساهم معي في التبرع لـ (عليه امر بالتنفيذ وحكم بالسجن
عمره 33 عاما متزوج لديه طفل متبقى عليه مبلغ 159342ريال) عبر #منصة_إحسان:'
sentences:
- تكفى ي يزيد انا في وجهك
- طلبت بطاقة سفر بلس قبل حوالي شهر والى الان ماوصلت مع العلم أنه عند إصدارها كان
الوقت المستغرق خمسة ايام من تاريخ الإصدار لمن هم خارج الرياض
- أسأل الله العلي العظيم ان يوفق الجميع بكل خير وان يارب ❤️❤️🇸🇦🇸🇦🇸🇦💚💚💚💙💙💙
- source_sentence: الله ياليت
sentences:
- 'الله يسعد ايامك
#حاضر_وموجود'
- "حجز عمره \nحجز الصلاة بالروضة\n ب اسعار مناسبه وسرعه بالانجاز\U0001F554⏳\nلتواصل\
\ \n 0531927254"
- "#يوم_السعادة_العالمي \n#حاضر_وموجود \n#الماجد_للعود \n\nهذا العطر يسعدني برائحته\
\ الزكية وتبقى ذكرياته الجميلة وعبقه الرائع في المكان.\nإنه عطر (برستيج روبي)\
\ \n(PRESTIGE RUBY )\nالعطر الأجمل والأفضل\nبين كل العطور ."
- source_sentence: دائماً موفقين 👍
sentences:
- العذر اقبح من ذنب مصرف فاشل
- "مصرف الانماء \nممكن اعرف ايش يعني هذا في كشف الحساب ومين الدائن ومين المدين ؟من\
\ امي اسال محد رد ؟!"
- "متجر سبونج يوفر لكم اشتراك رسمي وباسعار مناسبه للجميع ❤️\U0001F44C\U0001F3FB\
\ \nوموثقين في معروف وتقدر تشوف تقييماتنا بالموقع الخاص فينا \U0001FAE1"
pipeline_tag: sentence-similarity
---
# SentenceTransformer based on Ammar-alhaj-ali/arabic-MARBERT-sentiment
This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [Ammar-alhaj-ali/arabic-MARBERT-sentiment](https://huggingface.co/Ammar-alhaj-ali/arabic-MARBERT-sentiment). 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:** [Ammar-alhaj-ali/arabic-MARBERT-sentiment](https://huggingface.co/Ammar-alhaj-ali/arabic-MARBERT-sentiment) <!-- at revision db063587f876d5abcf6cdeed70648fc76a30349f -->
- **Maximum Sequence Length:** 35 tokens
- **Output Dimensionality:** 768 tokens
- **Similarity Function:** Cosine Similarity
<!-- - **Training Dataset:** Unknown -->
<!-- - **Language:** Unknown -->
<!-- - **License:** Unknown -->
### 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': 35, 'do_lower_case': False}) with Transformer model: BertModel
(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})
)
```
## 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("sentence_transformers_model_id")
# Run inference
sentences = [
'دائماً موفقين 👍',
'متجر سبونج يوفر لكم اشتراك رسمي وباسعار مناسبه للجميع ❤️👌🏻 \nوموثقين في معروف وتقدر تشوف تقييماتنا بالموقع الخاص فينا \U0001fae1',
'العذر اقبح من ذنب مصرف فاشل',
]
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]
```
<!--
### Direct Usage (Transformers)
<details><summary>Click to see the direct usage in Transformers</summary>
</details>
-->
<!--
### Downstream Usage (Sentence Transformers)
You can finetune this model on your own dataset.
<details><summary>Click to expand</summary>
</details>
-->
<!--
### Out-of-Scope Use
*List how the model may foreseeably be misused and address what users ought not to do with the model.*
-->
<!--
## Bias, Risks and Limitations
*What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
-->
<!--
### Recommendations
*What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
-->
## Training Details
### Training Dataset
#### Unnamed Dataset
* Size: 400,000 training samples
* Columns: <code>sentence_0</code>, <code>sentence_1</code>, and <code>label</code>
* Approximate statistics based on the first 1000 samples:
| | sentence_0 | sentence_1 | label |
|:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------|
| type | string | string | float |
| details | <ul><li>min: 3 tokens</li><li>mean: 21.12 tokens</li><li>max: 35 tokens</li></ul> | <ul><li>min: 3 tokens</li><li>mean: 19.25 tokens</li><li>max: 35 tokens</li></ul> | <ul><li>min: -1.0</li><li>mean: -0.3</li><li>max: 1.0</li></ul> |
* Samples:
| sentence_0 | sentence_1 | label |
|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:------------------|
| <code>سددت مخالفات لسياره الوالد بمبلغ ١٥٠٠ ريال وبقيت معلقه وحاولت اسوي استرداد ولم يتم إرجاع المبلغ واضطريت اسوي سداد للمخالفات مره وراجعت احد فروع بنك الراجحي لارجاع المبلغ يدوياً ولم يتم إرجاع المبلغ وش الحل</code> | <code>ي اخي اسوء بنك كيف م اقدر اطلع مبلغ مسحوب في سنه ٢٠٢٢ ولازم اراجع البنك ع سبب تافه من المفترض اقدر اسويه وانا ف البيت انتم في اي عصر</code> | <code>1.0</code> |
| <code>ياليت بس اتمنى اشتري مقاضي العيد<br>ولكن حالتي لايسمح 😔💔💸<br>.<br>.<br>ولكن من أفضل الحسابات حاليا بوجهة نظري انتم ❤️✋️</code> | <code>انا شاري وحدة سكنية عام 1441 من البنك الاهلي والان يوجد اضرار وقدمت ع البنك وحولت معاملتي على التامين المتعاقد مع البنك ورفض معاملتي بحجة ان الشركة المتعاقدة الاولى مع البنك تقلت وهذي الشركة جديده والا تتدخل في الشركة الاولى افادوا ان اللي يعوض البنك . حسبي الله عليكم</code> | <code>-1.0</code> |
| <code>عندي مشكله بطاقتي انتهت وجاني وحده جديده مو قادره اضيفها ف الجوال لا يدوي ولا بالمسح ولا حتى بالموقع حقكم ايش الحل</code> | <code>السلام عليكم عندما احاول تسديد اي فاتورة لوزارة العدل والتنفيذ القضائي (للمعسرين) يظهر لي المبلغ المستحق صفر في حين اذا فتحت الفاتورة من بنك آخر يظهر المبلغ مازال موجود المشكلة في بنك الإنماء فقط عندي وعند كذا شخص من معارفي أرجو حلها في أسرع وقت</code> | <code>1.0</code> |
* Loss: <code>__main__.LoggingBAS</code> with these parameters:
```json
{
"scale": 20.0,
"similarity_fct": "cos_sim"
}
```
### Training Hyperparameters
#### Non-Default Hyperparameters
- `per_device_train_batch_size`: 256
- `per_device_eval_batch_size`: 256
- `num_train_epochs`: 2
- `multi_dataset_batch_sampler`: round_robin
#### All Hyperparameters
<details><summary>Click to expand</summary>
- `overwrite_output_dir`: False
- `do_predict`: False
- `eval_strategy`: no
- `prediction_loss_only`: True
- `per_device_train_batch_size`: 256
- `per_device_eval_batch_size`: 256
- `per_gpu_train_batch_size`: None
- `per_gpu_eval_batch_size`: None
- `gradient_accumulation_steps`: 1
- `eval_accumulation_steps`: None
- `learning_rate`: 5e-05
- `weight_decay`: 0.0
- `adam_beta1`: 0.9
- `adam_beta2`: 0.999
- `adam_epsilon`: 1e-08
- `max_grad_norm`: 1
- `num_train_epochs`: 2
- `max_steps`: -1
- `lr_scheduler_type`: linear
- `lr_scheduler_kwargs`: {}
- `warmup_ratio`: 0.0
- `warmup_steps`: 0
- `log_level`: passive
- `log_level_replica`: warning
- `log_on_each_node`: True
- `logging_nan_inf_filter`: True
- `save_safetensors`: True
- `save_on_each_node`: False
- `save_only_model`: False
- `restore_callback_states_from_checkpoint`: False
- `no_cuda`: False
- `use_cpu`: False
- `use_mps_device`: False
- `seed`: 42
- `data_seed`: None
- `jit_mode_eval`: False
- `use_ipex`: False
- `bf16`: False
- `fp16`: False
- `fp16_opt_level`: O1
- `half_precision_backend`: auto
- `bf16_full_eval`: False
- `fp16_full_eval`: False
- `tf32`: None
- `local_rank`: 0
- `ddp_backend`: None
- `tpu_num_cores`: None
- `tpu_metrics_debug`: False
- `debug`: []
- `dataloader_drop_last`: False
- `dataloader_num_workers`: 0
- `dataloader_prefetch_factor`: None
- `past_index`: -1
- `disable_tqdm`: False
- `remove_unused_columns`: True
- `label_names`: None
- `load_best_model_at_end`: False
- `ignore_data_skip`: False
- `fsdp`: []
- `fsdp_min_num_params`: 0
- `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
- `fsdp_transformer_layer_cls_to_wrap`: None
- `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
- `deepspeed`: None
- `label_smoothing_factor`: 0.0
- `optim`: adamw_torch
- `optim_args`: None
- `adafactor`: False
- `group_by_length`: False
- `length_column_name`: length
- `ddp_find_unused_parameters`: None
- `ddp_bucket_cap_mb`: None
- `ddp_broadcast_buffers`: False
- `dataloader_pin_memory`: True
- `dataloader_persistent_workers`: False
- `skip_memory_metrics`: True
- `use_legacy_prediction_loop`: False
- `push_to_hub`: False
- `resume_from_checkpoint`: None
- `hub_model_id`: None
- `hub_strategy`: every_save
- `hub_private_repo`: False
- `hub_always_push`: False
- `gradient_checkpointing`: False
- `gradient_checkpointing_kwargs`: None
- `include_inputs_for_metrics`: False
- `eval_do_concat_batches`: True
- `fp16_backend`: auto
- `push_to_hub_model_id`: None
- `push_to_hub_organization`: None
- `mp_parameters`:
- `auto_find_batch_size`: False
- `full_determinism`: False
- `torchdynamo`: None
- `ray_scope`: last
- `ddp_timeout`: 1800
- `torch_compile`: False
- `torch_compile_backend`: None
- `torch_compile_mode`: None
- `dispatch_batches`: None
- `split_batches`: None
- `include_tokens_per_second`: False
- `include_num_input_tokens_seen`: False
- `neftune_noise_alpha`: None
- `optim_target_modules`: None
- `batch_eval_metrics`: False
- `batch_sampler`: batch_sampler
- `multi_dataset_batch_sampler`: round_robin
</details>
### Training Logs
| Epoch | Step | Training Loss |
|:------:|:----:|:-------------:|
| 0.3199 | 500 | 5.7094 |
| 0.6398 | 1000 | 5.4777 |
| 0.9597 | 1500 | 5.438 |
| 1.2796 | 2000 | 5.4277 |
| 1.5995 | 2500 | 5.4283 |
| 1.9194 | 3000 | 5.4247 |
### Framework Versions
- Python: 3.10.13
- Sentence Transformers: 3.0.1
- Transformers: 4.41.2
- PyTorch: 2.1.2
- Accelerate: 0.32.1
- Datasets: 2.19.2
- Tokenizers: 0.19.1
## Citation
### BibTeX
#### Sentence Transformers
```bibtex
@inproceedings{reimers-2019-sentence-bert,
title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
author = "Reimers, Nils and Gurevych, Iryna",
booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
month = "11",
year = "2019",
publisher = "Association for Computational Linguistics",
url = "https://arxiv.org/abs/1908.10084",
}
```
#### LoggingBAS
```bibtex
@misc{henderson2017efficient,
title={Efficient Natural Language Response Suggestion for Smart Reply},
author={Matthew Henderson and Rami Al-Rfou and Brian Strope and Yun-hsuan Sung and Laszlo Lukacs and Ruiqi Guo and Sanjiv Kumar and Balint Miklos and Ray Kurzweil},
year={2017},
eprint={1705.00652},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
```
<!--
## Glossary
*Clearly define terms in order to be accessible across audiences.*
-->
<!--
## Model Card Authors
*Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
-->
<!--
## Model Card Contact
*Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
-->