SentenceTransformer based on BAAI/bge-m3
This is a sentence-transformers model finetuned from BAAI/bge-m3. It maps sentences & paragraphs to a 1024-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-m3
- Maximum Sequence Length: 8192 tokens
- Output Dimensionality: 1024 dimensions
- Similarity Function: Cosine Similarity
Model Sources
- Documentation: Sentence Transformers Documentation
- Repository: Sentence Transformers on GitHub
- Hugging Face: Sentence Transformers on Hugging Face
Full Model Architecture
SentenceTransformer(
  (0): Transformer({'max_seq_length': 8192, 'do_lower_case': False}) with Transformer model: XLMRobertaModel 
  (1): Pooling({'word_embedding_dimension': 1024, '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:
pip install -U sentence-transformers
Then you can load this model and run inference.
from sentence_transformers import SentenceTransformer
# Download from the 🤗 Hub
model = SentenceTransformer("sentence_transformers_model_id")
# Run inference
sentences = [
    "타이어 제조일 표기에서 '0224'는 어떤 의미를 가지고 있나요?",
    '타이어 제조일\n타이어의 경우 제조일 기준으로 6년이 경과되\n면 자연적으로 노화되기 때문에 사용하지 않았\n더라도 임시 타이어를 포함하여 새 타이어로 교\n체해야 합니다. 이때 제조일을 확인하기 위해\n타이어의 옆면에 DOT라는 표시를 양쪽면 중\n한면에 삽입하도록 되어 있으며 이 표시는 영문\n및 숫자로 구성되어 마지막 네 자리를 통해 제\n조일을 확인할 수 있습니다.   \n\n   표시 형식\n예 : DOT XXXX XXXX\n표시 앞부분은 제조 공장, 타이어 크기 및 트레\n드 형상에 대한 고유 표시이고, 뒤의 4자리는\n제조 시기를 의미합니다.\n제조 시기 4자리 중 앞 2자리는 생산된 주간, 뒤\n2자리는 제조 연도를 의미합니다. 예를 들어,\nDOT XXXX XXXX 0224로 표기되어 있다면\n2024년도 2주차에 생산된 제품이란 뜻입니다.\n타이어가 6년이 지나면 반제품 간 박리 현상을\n일으켜 차량의 손상이나 사고로 이어질 수 있습\n니다. 제조 시기를 확인해 반드시 적절한 시기\n에 교체하십시오.',
    '경고\n등록된 카드 키가 실내 인증 패드(무선 충전 패\n드)에 올려져 있을 경우 시동을 걸 수 있습니다.\n따라서, 이러한 차량 시스템을 모르는 사람이\n나 어린이들 혼자 차 안에 남겨 두면 예기치 못\n한 사고가 일어날 수 있으므로 주의 하십시오.\n또한, 차량 도난의 우려가 있으므로 차를 벗어\n날 때는 반드시 카드 키를 휴대하십시오.',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 1024]
# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]
Evaluation
Metrics
Information Retrieval
- Evaluated with InformationRetrievalEvaluator
| Metric | Value | 
|---|---|
| cosine_accuracy@1 | 0.0373 | 
| cosine_accuracy@3 | 0.7001 | 
| cosine_accuracy@5 | 0.8293 | 
| cosine_accuracy@10 | 0.9198 | 
| cosine_precision@1 | 0.0373 | 
| cosine_precision@3 | 0.2334 | 
| cosine_precision@5 | 0.1659 | 
| cosine_precision@10 | 0.092 | 
| cosine_recall@1 | 0.0373 | 
| cosine_recall@3 | 0.7001 | 
| cosine_recall@5 | 0.8293 | 
| cosine_recall@10 | 0.9198 | 
| cosine_ndcg@10 | 0.54 | 
| cosine_mrr@10 | 0.4124 | 
| cosine_map@100 | 0.4159 | 
Training Details
Training Dataset
Unnamed Dataset
- Size: 1,210 training samples
- Columns: sentence_0andsentence_1
- Approximate statistics based on the first 1000 samples:sentence_0 sentence_1 type string string details - min: 11 tokens
- mean: 24.18 tokens
- max: 51 tokens
 - min: 16 tokens
- mean: 361.69 tokens
- max: 2629 tokens
 
- Samples:sentence_0 sentence_1 어린이가 차량에 탑승할 때, 안전벨트를 제대로 착용하기 위해 어떤 점에 유의해야 하나요?안전벨트
 안전벨트 사용 중요성
 안전벨트를 사용하면, 사고나 급정차 시에 당
 할 수 있는 심각한 부상이나 사망의 위험이 줄
 어듭니다. 안전벨트는 다음과 같은 상태에서
 최대의 효과를 발휘합니다.
 • 탑승자가 엉덩이를 좌석에 깊게 걸치고 등을
 등받이에 똑바로 기대고 앉은 상태여야 합니
 다.
 • 안전벨트의 골반띠는 골반을 지나고, 어
 깨띠는 가슴을 지나야 합니다.
 • 어린이는 항상 뒷좌석에 적절한 보호 장치를
 장착하여 앉히십시오.측면 에어백은 어떤 상황에서 작동할 수 있나요?측면 에어백
 • 측면 에어백(사이드 및 커튼 에어백, 앞좌석
 센터 에어백)은 측면 충돌 시, 측면 충돌 센서
 에 충격이 전해지면 충돌 정도에 따라 에어
 백 제어 모듈에서 판단하여 작동합니다.
 • 측면 충돌 또는 전복 사고가 아니라도 측면
 충돌 센서에 충격이 전해지거나 전복 센서에
 서 전복 상황으로 인식되면 측면 에어백(사
 이드 및 커튼 에어백, 앞좌석 센터 에어백)이
 작동할 수 있습니다.
 • 비포장도로, 보도블록, 평지 도로의 돌출부
 에서는 반드시 서행하십시오. 돌출부에 의해
 하체 충격이 전해지면 에어백이 작동할 수
 있습니다.차량에서 휴대 전화나 무전기 사용이 권장되지 않는 이유는 무엇인가요?기타 주의사항
 • 겨울에 시동을 걸거나 여름에 에어컨을 켤
 때 엔진 회전수(RPM)가 평소보다 높아질 수
 있습니다. 이로 인해 차량이 더 빠르게 움직
 일 수 있으니 주의하십시오.
 • 차 안에서 휴대 전화나 무전기를 되도록 사
 용하지 마십시오. 송출되는 전파가 탑승자의
 건강을 해칠 수 있고, 차량의 전자 제어 장치
 에 영향을 주어 오작동이 발생할 수 있습니
 다.
 • 잠깐이라도 차에서 내릴 때는 차량 안전을
 위해 반드시 시동을 끄십시오.
 • 정차 중에는 반드시 브레이크 페달을 밟고
 주차 브레이크를 걸어 놓으십시오.
 • 차에서 내릴 때 고가의 물품을 차 안에 두지
 말고, 내린 후에는 항상 모든 도어와 트렁크
 를 잠그십시오.
 • 유리창에 액세서리를 붙이지 마십시오. 운전
 에 방해를 주고, 흡착 부가 렌즈 역할을 하여
 차내 부품을 훼손할 수 있습니다. 또한 충돌
 발생 시 액세서리로 인해 다칠 수 있습니다.
 • 주행 전 반드시 가속 페달과 브레이크 페달
 의 위치를 확인하십시오. 운전 경력이 많아
 도 여러 차량을 운전하다 보면 페달의 위치
 를 혼동할 수 있고, 페달을 잘못 밟아 사고로
 이어질 수 있습니다.
 • 차량의 오작동이 발생하거나 잘못 조작할 경
 우 침착하게 행동하십시오. 동력 발생 장치
 와 제동 장치는 별개 장치이므로 브레이크
 페달을 밟으면 차량이 멈춥니다.
 • 차량이 눈, 진흙, 모래 등에 빠진 경우 가속
 페달을 과도하게 밟지 말고 견인 등의 방법
 으로 대처하십시오. 타이어가 헛도는 상황에
 서 무리하게 가속 페달을 밟으면 변속기가
 손상될 수 있습니다.
 • 품질이나 성능이 부적합한 오일의 사용은 변
 속기 고장 및 성능의 저하 등을 초래할 수 있
 으며 이로 인한 변속기의 품질은 보증이 불
 가능합니다. 순정오일은 품질과 성능을 당사
 가 보증하는 오일입니다.
- Loss: MultipleNegativesRankingLosswith these parameters:{ "scale": 20.0, "similarity_fct": "cos_sim" }
Training Hyperparameters
Non-Default Hyperparameters
- eval_strategy: steps
- per_device_train_batch_size: 5
- per_device_eval_batch_size: 5
- num_train_epochs: 20
- fp16: True
- multi_dataset_batch_sampler: round_robin
All Hyperparameters
Click to expand
- overwrite_output_dir: False
- do_predict: False
- eval_strategy: steps
- prediction_loss_only: True
- per_device_train_batch_size: 5
- per_device_eval_batch_size: 5
- per_gpu_train_batch_size: None
- per_gpu_eval_batch_size: None
- gradient_accumulation_steps: 1
- eval_accumulation_steps: None
- torch_empty_cache_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: 20
- 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: True
- 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: None
- hub_always_push: False
- gradient_checkpointing: False
- gradient_checkpointing_kwargs: None
- include_inputs_for_metrics: False
- include_for_metrics: []
- 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
- include_tokens_per_second: False
- include_num_input_tokens_seen: False
- neftune_noise_alpha: None
- optim_target_modules: None
- batch_eval_metrics: False
- eval_on_start: False
- use_liger_kernel: False
- eval_use_gather_object: False
- average_tokens_across_devices: False
- prompts: None
- batch_sampler: batch_sampler
- multi_dataset_batch_sampler: round_robin
Training Logs
| Epoch | Step | Training Loss | cosine_ndcg@10 | 
|---|---|---|---|
| 0.6173 | 50 | - | 0.5728 | 
| 1.0 | 81 | - | 0.5718 | 
| 1.2346 | 100 | - | 0.5700 | 
| 1.8519 | 150 | - | 0.5766 | 
| 2.0 | 162 | - | 0.5767 | 
| 2.4691 | 200 | - | 0.5789 | 
| 3.0 | 243 | - | 0.5721 | 
| 3.0864 | 250 | - | 0.5693 | 
| 3.7037 | 300 | - | 0.5762 | 
| 4.0 | 324 | - | 0.5582 | 
| 4.3210 | 350 | - | 0.5680 | 
| 4.9383 | 400 | - | 0.5578 | 
| 5.0 | 405 | - | 0.5550 | 
| 5.5556 | 450 | - | 0.5670 | 
| 6.0 | 486 | - | 0.5682 | 
| 6.1728 | 500 | 0.0639 | 0.5518 | 
| 6.7901 | 550 | - | 0.5588 | 
| 7.0 | 567 | - | 0.5676 | 
| 7.4074 | 600 | - | 0.5600 | 
| 8.0 | 648 | - | 0.5617 | 
| 8.0247 | 650 | - | 0.5617 | 
| 8.6420 | 700 | - | 0.5624 | 
| 9.0 | 729 | - | 0.5682 | 
| 9.2593 | 750 | - | 0.5567 | 
| 9.8765 | 800 | - | 0.5537 | 
| 10.0 | 810 | - | 0.5529 | 
| 10.4938 | 850 | - | 0.5495 | 
| 11.0 | 891 | - | 0.5673 | 
| 11.1111 | 900 | - | 0.5622 | 
| 11.7284 | 950 | - | 0.5539 | 
| 12.0 | 972 | - | 0.5658 | 
| 12.3457 | 1000 | 0.0221 | 0.5411 | 
| 12.9630 | 1050 | - | 0.5619 | 
| 13.0 | 1053 | - | 0.5643 | 
| 13.5802 | 1100 | - | 0.5597 | 
| 14.0 | 1134 | - | 0.5506 | 
| 14.1975 | 1150 | - | 0.5489 | 
| 14.8148 | 1200 | - | 0.5479 | 
| 15.0 | 1215 | - | 0.5551 | 
| 15.4321 | 1250 | - | 0.5453 | 
| 16.0 | 1296 | - | 0.5502 | 
| 16.0494 | 1300 | - | 0.5509 | 
| 16.6667 | 1350 | - | 0.5556 | 
| 17.0 | 1377 | - | 0.5475 | 
| 17.2840 | 1400 | - | 0.5561 | 
| 17.9012 | 1450 | - | 0.5575 | 
| 18.0 | 1458 | - | 0.5530 | 
| 18.5185 | 1500 | 0.0185 | 0.5502 | 
| 19.0 | 1539 | - | 0.5347 | 
| 19.1358 | 1550 | - | 0.5359 | 
| 19.7531 | 1600 | - | 0.5402 | 
| 20.0 | 1620 | - | 0.5400 | 
Framework Versions
- Python: 3.10.16
- Sentence Transformers: 4.1.0
- Transformers: 4.52.3
- PyTorch: 2.7.0+cu126
- Accelerate: 1.7.0
- Datasets: 3.6.0
- Tokenizers: 0.21.1
Citation
BibTeX
Sentence Transformers
@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",
}
MultipleNegativesRankingLoss
@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}
}
- Downloads last month
- -
Model tree for JLee0/rag-embedder-grand-20epochs
Base model
BAAI/bge-m3Evaluation results
- Cosine Accuracy@1 on Unknownself-reported0.037
- Cosine Accuracy@3 on Unknownself-reported0.700
- Cosine Accuracy@5 on Unknownself-reported0.829
- Cosine Accuracy@10 on Unknownself-reported0.920
- Cosine Precision@1 on Unknownself-reported0.037
- Cosine Precision@3 on Unknownself-reported0.233
- Cosine Precision@5 on Unknownself-reported0.166
- Cosine Precision@10 on Unknownself-reported0.092
- Cosine Recall@1 on Unknownself-reported0.037
- Cosine Recall@3 on Unknownself-reported0.700