SentenceTransformer based on BAAI/bge-base-en-v1.5
This is a sentence-transformers model finetuned from BAAI/bge-base-en-v1.5. 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: BAAI/bge-base-en-v1.5
- Maximum Sequence Length: 512 tokens
- Output Dimensionality: 768 tokens
- Similarity Function: Cosine Similarity
- Language: en
- License: apache-2.0
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': 512, 'do_lower_case': True}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 768, '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("MugheesAwan11/bge-base-arguana-dataset-10k-2k-e1")
# Run inference
sentences = [
"The ICC's ability to prosecute war criminals is both overstated and simplistic. It has no force of its own, and must rely on its member states to hand over criminals wanted for prosecution. This leads to cases like that of Serbia, where wanted war criminals like Ratko Mladic are believed to have been hidden with the complicity of the regime until finally handed over in 2011. The absence of a force or any coercive means to bring suspects to trial also leads to situations like that in Libya, whereby Colonel Gaddafi is wanted by the ICC but the prosecution's case is germane if he manages his grip on power. Furthermore, it relies on external funding to operate, and can only sustain cases so long as financial support exists to see them through.",
'does the icc prosecute war crimes',
'does evolution prove that the creator did the work',
]
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
Information Retrieval
- Dataset:
dim_768
- Evaluated with
InformationRetrievalEvaluator
Metric | Value |
---|---|
cosine_accuracy@1 | 0.186 |
cosine_accuracy@3 | 0.544 |
cosine_accuracy@5 | 0.6685 |
cosine_accuracy@10 | 0.7995 |
cosine_precision@1 | 0.186 |
cosine_precision@3 | 0.1813 |
cosine_precision@5 | 0.1337 |
cosine_precision@10 | 0.08 |
cosine_recall@1 | 0.186 |
cosine_recall@3 | 0.544 |
cosine_recall@5 | 0.6685 |
cosine_recall@10 | 0.7995 |
cosine_ndcg@10 | 0.489 |
cosine_ndcg@100 | 0.5263 |
cosine_mrr@10 | 0.3898 |
cosine_map@100 | 0.398 |
Training Details
Training Dataset
Unnamed Dataset
- Size: 10,000 training samples
- Columns:
positive
andanchor
- Approximate statistics based on the first 1000 samples:
positive anchor type string string details - min: 29 tokens
- mean: 203.36 tokens
- max: 512 tokens
- min: 4 tokens
- mean: 9.5 tokens
- max: 25 tokens
- Samples:
positive anchor The act of killing is emotionally damaging To actually be involved in the death of another person is an incredibly traumatic experience. Soldiers coming back from war often suffer from ‘post-traumatic stress disorder’ which suggests that being in a situation in which you have to take another persons life has a long lasting impact on your mental health. This is also true for people who are not directly involved in the act of killing. For instance, the people who worked on developing the atomic bomb described an incredible guilt for what they had created even though they were not involved in the decision to drop the bombs. The same traumatic experiences would likely affect the person responsible for pulling the lever.
what is a killing and how can it affect the brain?
Deal with Corruption Guinea-Bissau’s institutions have become too corrupt to deal with the drug problem and require support. The police, army and judiciary have all been implicated in the drug trade. The involvement of state officials in drug trafficking means that criminals are not prosecuted against. When two soldiers and a civilian were apprehended with 635kg (worth £25.4 million in 2013), they were detained and then immediately released with Colonel Arsenio Blade claiming ‘They were on the road hitching a ride’1. Judges are often bribed or sent death threats when faced with sentencing those involved in the drug trade. The USA has provided restructuring assistance to institutions which have reduced corruption, such as in the Mexico Merida Initiative, and could do the same with Guinea Bissau. 1) Vulliamy,E. ‘How a tiny West African country became the world’s first narco state’, The Guardian, 9 March 2008 2) Corcoran,P. ‘Mexico Judicial Reforms Go Easy On Corrupt Judges’, In Sight Crime, 16 February 2012
what has changed guinea bissau
Western countries already benefit from extremely liberal laws. The USA is at present far better than most countries in their respect and regard for civil liberties. New security measures do not greatly compromise this liberty, and the US measures are at the very least comparable with similar measures already in effect in other democratic developed countries, e.g. Spain and the UK, which have had to cope with domestic terrorism for far longer than the USA. The facts speak for themselves – the USA enjoys a healthy western-liberalism the likes of which most of the world’s people cannot even conceive of. The issue of the erosion of a few minor liberties of (states like the US’s) citizens should be overlooked in favour of the much greater issue of protecting the very existence of that state. [1] [1] Zetter, Kim, ‘The Patriot Act Is Your Friend’, Wired, 24 February 2004, , accessed 9 September 2011
which political philosophy is true about the usa?
- Loss:
MatryoshkaLoss
with these parameters:{ "loss": "MultipleNegativesRankingLoss", "matryoshka_dims": [ 768 ], "matryoshka_weights": [ 1 ], "n_dims_per_step": -1 }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: epochper_device_train_batch_size
: 32per_device_eval_batch_size
: 16learning_rate
: 2e-05num_train_epochs
: 1lr_scheduler_type
: cosinewarmup_ratio
: 0.1bf16
: Truetf32
: Trueload_best_model_at_end
: Trueoptim
: adamw_torch_fusedbatch_sampler
: no_duplicates
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: epochprediction_loss_only
: Trueper_device_train_batch_size
: 32per_device_eval_batch_size
: 16per_gpu_train_batch_size
: Noneper_gpu_eval_batch_size
: Nonegradient_accumulation_steps
: 1eval_accumulation_steps
: Nonelearning_rate
: 2e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1.0num_train_epochs
: 1max_steps
: -1lr_scheduler_type
: cosinelr_scheduler_kwargs
: {}warmup_ratio
: 0.1warmup_steps
: 0log_level
: passivelog_level_replica
: warninglog_on_each_node
: Truelogging_nan_inf_filter
: Truesave_safetensors
: Truesave_on_each_node
: Falsesave_only_model
: Falserestore_callback_states_from_checkpoint
: Falseno_cuda
: Falseuse_cpu
: Falseuse_mps_device
: Falseseed
: 42data_seed
: Nonejit_mode_eval
: Falseuse_ipex
: Falsebf16
: Truefp16
: Falsefp16_opt_level
: O1half_precision_backend
: autobf16_full_eval
: Falsefp16_full_eval
: Falsetf32
: Truelocal_rank
: 0ddp_backend
: Nonetpu_num_cores
: Nonetpu_metrics_debug
: Falsedebug
: []dataloader_drop_last
: Falsedataloader_num_workers
: 0dataloader_prefetch_factor
: Nonepast_index
: -1disable_tqdm
: Falseremove_unused_columns
: Truelabel_names
: Noneload_best_model_at_end
: Trueignore_data_skip
: Falsefsdp
: []fsdp_min_num_params
: 0fsdp_config
: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}fsdp_transformer_layer_cls_to_wrap
: Noneaccelerator_config
: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}deepspeed
: Nonelabel_smoothing_factor
: 0.0optim
: adamw_torch_fusedoptim_args
: Noneadafactor
: Falsegroup_by_length
: Falselength_column_name
: lengthddp_find_unused_parameters
: Noneddp_bucket_cap_mb
: Noneddp_broadcast_buffers
: Falsedataloader_pin_memory
: Truedataloader_persistent_workers
: Falseskip_memory_metrics
: Trueuse_legacy_prediction_loop
: Falsepush_to_hub
: Falseresume_from_checkpoint
: Nonehub_model_id
: Nonehub_strategy
: every_savehub_private_repo
: Falsehub_always_push
: Falsegradient_checkpointing
: Falsegradient_checkpointing_kwargs
: Noneinclude_inputs_for_metrics
: Falseeval_do_concat_batches
: Truefp16_backend
: autopush_to_hub_model_id
: Nonepush_to_hub_organization
: Nonemp_parameters
:auto_find_batch_size
: Falsefull_determinism
: Falsetorchdynamo
: Noneray_scope
: lastddp_timeout
: 1800torch_compile
: Falsetorch_compile_backend
: Nonetorch_compile_mode
: Nonedispatch_batches
: Nonesplit_batches
: Noneinclude_tokens_per_second
: Falseinclude_num_input_tokens_seen
: Falseneftune_noise_alpha
: Noneoptim_target_modules
: Nonebatch_eval_metrics
: Falsebatch_sampler
: no_duplicatesmulti_dataset_batch_sampler
: proportional
Training Logs
Epoch | Step | Training Loss | dim_768_cosine_map@100 |
---|---|---|---|
0.0319 | 10 | 0.5613 | - |
0.0639 | 20 | 0.4543 | - |
0.0958 | 30 | 0.2893 | - |
0.1278 | 40 | 0.2127 | - |
0.1597 | 50 | 0.1528 | - |
0.1917 | 60 | 0.1689 | - |
0.2236 | 70 | 0.1812 | - |
0.2556 | 80 | 0.1531 | - |
0.2875 | 90 | 0.1685 | - |
0.3195 | 100 | 0.1666 | - |
0.3514 | 110 | 0.1504 | - |
0.3834 | 120 | 0.139 | - |
0.4153 | 130 | 0.1174 | - |
0.4473 | 140 | 0.1602 | - |
0.4792 | 150 | 0.178 | - |
0.5112 | 160 | 0.1481 | - |
0.5431 | 170 | 0.1145 | - |
0.5751 | 180 | 0.1502 | - |
0.6070 | 190 | 0.1189 | - |
0.6390 | 200 | 0.1648 | - |
0.6709 | 210 | 0.2004 | - |
0.7029 | 220 | 0.1565 | - |
0.7348 | 230 | 0.1447 | - |
0.7668 | 240 | 0.1411 | - |
0.7987 | 250 | 0.1326 | - |
0.8307 | 260 | 0.1562 | - |
0.8626 | 270 | 0.1571 | - |
0.8946 | 280 | 0.1211 | - |
0.9265 | 290 | 0.1399 | - |
0.9585 | 300 | 0.1884 | - |
0.9904 | 310 | 0.1537 | - |
1.0 | 313 | - | 0.398 |
- The bold row denotes the saved checkpoint.
Framework Versions
- Python: 3.10.14
- Sentence Transformers: 3.0.1
- Transformers: 4.41.2
- PyTorch: 2.1.2+cu121
- Accelerate: 0.31.0
- Datasets: 2.19.1
- Tokenizers: 0.19.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",
}
MatryoshkaLoss
@misc{kusupati2024matryoshka,
title={Matryoshka Representation Learning},
author={Aditya Kusupati and Gantavya Bhatt and Aniket Rege and Matthew Wallingford and Aditya Sinha and Vivek Ramanujan and William Howard-Snyder and Kaifeng Chen and Sham Kakade and Prateek Jain and Ali Farhadi},
year={2024},
eprint={2205.13147},
archivePrefix={arXiv},
primaryClass={cs.LG}
}
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
- 3
This model does not have enough activity to be deployed to Inference API (serverless) yet. Increase its social
visibility and check back later, or deploy to Inference Endpoints (dedicated)
instead.
Model tree for MugheesAwan11/bge-base-arguana-dataset-10k-2k-e1
Base model
BAAI/bge-base-en-v1.5Evaluation results
- Cosine Accuracy@1 on dim 768self-reported0.186
- Cosine Accuracy@3 on dim 768self-reported0.544
- Cosine Accuracy@5 on dim 768self-reported0.668
- Cosine Accuracy@10 on dim 768self-reported0.799
- Cosine Precision@1 on dim 768self-reported0.186
- Cosine Precision@3 on dim 768self-reported0.181
- Cosine Precision@5 on dim 768self-reported0.134
- Cosine Precision@10 on dim 768self-reported0.080
- Cosine Recall@1 on dim 768self-reported0.186
- Cosine Recall@3 on dim 768self-reported0.544