metadata
language: []
library_name: sentence-transformers
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:300000
- loss:DenoisingAutoEncoderLoss
base_model: FacebookAI/roberta-base
datasets: []
metrics:
- pearson_cosine
- spearman_cosine
- pearson_manhattan
- spearman_manhattan
- pearson_euclidean
- spearman_euclidean
- pearson_dot
- spearman_dot
- pearson_max
- spearman_max
widget:
- source_sentence: >-
free in spain? Are Spain free Motorways toll-free Spain, renewing old
concessions coming
sentences:
- >-
how to calculate weighted grade percentage in excel? To find the grade,
multiply the grade for each assignment against the weight, and then add
these totals all up. So for each cell (in the Total column) we will
enter =SUM(Grade Cell * Weight Cell), so my first formula is
=SUM(B2*C2), the next one would be =SUM(B3*C3) and so on.
- >-
In Red Dead Redemption 2's story mode, players have to go to "Story" in
the menu and then click the save icon from there. However, in Red Dead
Online, there is no such option. On the contrary, players have no way to
manually save their game, which is pretty much par for the course in an
online multiplayer experience.
- >-
are motorways free in spain? Are motorways in Spain free? Motorways are
90% toll-free in Spain. Since 2018, Spain isn't renewing old concessions
coming to end.
- source_sentence: things do fort wayne?
sentences:
- >-
what is the difference between a z71 and a 4x4? A Z71 has more
undercarriage protection (more skid plates) and heavier duty shock
absorbers/struts for off road use than a 4X4. Other than that the two
are pretty much the same.
- is suboxone bad for kidneys?
- indoor things to do in fort wayne indiana?
- source_sentence: a should hair?
sentences:
- how many times in a week should you shampoo your hair?
- >-
Sujith fell into the borewell on Friday around 5:45 pm while playing on
the family's farm. Initially, he was trapped at a depth of 26 feet but
slipped to 88 feet during attempts to pull him up by tying ropes around
his hands. Sujith Wilson fell into a borewell in Tamil Nadu's Trichy on
Friday.
- >-
how to calculate out retained earnings on balance sheet? The retained
earnings are calculated by adding net income to (or subtracting net
losses from) the previous term's retained earnings and then subtracting
any net dividend(s) paid to the shareholders. The figure is calculated
at the end of each accounting period (quarterly/annually.)
- source_sentence: long period does go
sentences:
- >-
if someone blocked your email will you know? You could, indeed, be
blocked It's certainly possible that your recipient has blocked you. All
that means is that email from your email address is automatically
discarded at that recipient's end. You will not get a notification;
there's simply no way to tell that this has happened.
- is drinking apple cider vinegar every day bad for you?
- how long after period does weight go down?
- source_sentence: >-
beer wine both sugar alcohol excessive be a infections You also sweets,
along with foods moldy cheese, if you prone.
sentences:
- >-
how long does it take to get xfinity internet? Installation generally
takes between two to four hours.
- >-
They began selling the plush animals to retailers rather than operating
a store themselves. Today, Boyds is a publicly traded company that
manufactures 18 million-20 million bears a year, all at a
government-owned facility in China.
- >-
Since beer and wine both contain yeast and sugar (alcohol is sugar
fermented by yeast), excessive drinking can definitely be a recipe for
yeast infections. You should also go easy on sweets, along with foods
like moldy cheese, mushrooms, and anything fermented if you're prone to
yeast infections. 3.
pipeline_tag: sentence-similarity
model-index:
- name: SentenceTransformer based on FacebookAI/roberta-base
results:
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: sts test
type: sts-test
metrics:
- type: pearson_cosine
value: 0.6885553993934473
name: Pearson Cosine
- type: spearman_cosine
value: 0.6912117328249255
name: Spearman Cosine
- type: pearson_manhattan
value: 0.6728262252927975
name: Pearson Manhattan
- type: spearman_manhattan
value: 0.6724759418767672
name: Spearman Manhattan
- type: pearson_euclidean
value: 0.6693578420498989
name: Pearson Euclidean
- type: spearman_euclidean
value: 0.6690698040856067
name: Spearman Euclidean
- type: pearson_dot
value: 0.18975985891617667
name: Pearson Dot
- type: spearman_dot
value: 0.1786146878048478
name: Spearman Dot
- type: pearson_max
value: 0.6885553993934473
name: Pearson Max
- type: spearman_max
value: 0.6912117328249255
name: Spearman Max
SentenceTransformer based on FacebookAI/roberta-base
This is a sentence-transformers model finetuned from FacebookAI/roberta-base. 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: FacebookAI/roberta-base
- Maximum Sequence Length: 512 tokens
- Output Dimensionality: 768 tokens
- 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': 512, 'do_lower_case': False}) with Transformer model: RobertaModel
(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:
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("bobox/RoBERTa-base-unsupervised-TSDAE")
# Run inference
sentences = [
'beer wine both sugar alcohol excessive be a infections You also sweets, along with foods moldy cheese, if you prone.',
"Since beer and wine both contain yeast and sugar (alcohol is sugar fermented by yeast), excessive drinking can definitely be a recipe for yeast infections. You should also go easy on sweets, along with foods like moldy cheese, mushrooms, and anything fermented if you're prone to yeast infections. 3.",
'They began selling the plush animals to retailers rather than operating a store themselves. Today, Boyds is a publicly traded company that manufactures 18 million-20 million bears a year, all at a government-owned facility in China.',
]
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-test
- Evaluated with
EmbeddingSimilarityEvaluator
Metric | Value |
---|---|
pearson_cosine | 0.6886 |
spearman_cosine | 0.6912 |
pearson_manhattan | 0.6728 |
spearman_manhattan | 0.6725 |
pearson_euclidean | 0.6694 |
spearman_euclidean | 0.6691 |
pearson_dot | 0.1898 |
spearman_dot | 0.1786 |
pearson_max | 0.6886 |
spearman_max | 0.6912 |
Training Details
Training Dataset
Unnamed Dataset
- Size: 300,000 training samples
- Columns:
sentence_0
andsentence_1
- Approximate statistics based on the first 1000 samples:
sentence_0 sentence_1 type string string details - min: 3 tokens
- mean: 19.88 tokens
- max: 54 tokens
- min: 8 tokens
- mean: 46.45 tokens
- max: 157 tokens
- Samples:
sentence_0 sentence_1 us have across domestic shorthair, a cat pedigreed one between two breeds Unlike domestic shorthairs which come in of looks, Shorthair kittens the distinct
Most of us have either lived with or come across a domestic shorthair, a cat that closely resembles the pedigreed American Shorthair. The one difference between the two breeds: Unlike domestic shorthairs, which come in a variety of looks, the American Shorthair produces kittens with the same distinct appearance.
much cost to get plugs normal with plugs, cost start $120 or if precious plugs are $150 to 200+ . 6 8 will price more required
how much does it cost to get your spark plugs changed? On a normal 4-cylinder engine with standard spark plugs, replacement cost can start around $120 up to $150+, or if precious metal spark plugs are required, $150 up to $200+. 6 cylinder and 8 Cylinder engines will increase in price, as more spark plugs are required.
much my paycheck state income%, your income level not tax rate you is of just that a flat tax rate, those, it has the
how much taxes are taken out of my paycheck pa? Pennsylvania levies a flat state income tax rate of 3.07%. Therefore, your income level and filing status will not affect the income tax rate you pay at the state level. Pennsylvania is one of just eight states that has a flat income tax rate, and of those states, it has the lowest rate.
- Loss:
DenoisingAutoEncoderLoss
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 12per_device_eval_batch_size
: 12num_train_epochs
: 1multi_dataset_batch_sampler
: round_robin
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: stepsprediction_loss_only
: Trueper_device_train_batch_size
: 12per_device_eval_batch_size
: 12per_gpu_train_batch_size
: Noneper_gpu_eval_batch_size
: Nonegradient_accumulation_steps
: 1eval_accumulation_steps
: Nonelearning_rate
: 5e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1num_train_epochs
: 1max_steps
: -1lr_scheduler_type
: linearlr_scheduler_kwargs
: {}warmup_ratio
: 0.0warmup_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
: Falsefp16
: Falsefp16_opt_level
: O1half_precision_backend
: autobf16_full_eval
: Falsefp16_full_eval
: Falsetf32
: Nonelocal_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
: Falseignore_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_torchoptim_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
: batch_samplermulti_dataset_batch_sampler
: round_robin
Training Logs
Epoch | Step | Training Loss | sts-test_spearman_cosine |
---|---|---|---|
0.02 | 500 | 7.1409 | - |
0.04 | 1000 | 6.207 | - |
0.05 | 1250 | - | 0.6399 |
0.06 | 1500 | 5.8038 | - |
0.08 | 2000 | 5.4963 | - |
0.1 | 2500 | 5.2609 | 0.6799 |
0.12 | 3000 | 5.0997 | - |
0.14 | 3500 | 5.0004 | - |
0.15 | 3750 | - | 0.7012 |
0.16 | 4000 | 4.8694 | - |
0.18 | 4500 | 4.7805 | - |
0.2 | 5000 | 4.6776 | 0.7074 |
0.22 | 5500 | 4.5757 | - |
0.24 | 6000 | 4.4598 | - |
0.25 | 6250 | - | 0.7185 |
0.26 | 6500 | 4.3865 | - |
0.28 | 7000 | 4.2692 | - |
0.3 | 7500 | 4.2224 | 0.7205 |
0.32 | 8000 | 4.1347 | - |
0.34 | 8500 | 4.0536 | - |
0.35 | 8750 | - | 0.7239 |
0.36 | 9000 | 4.0242 | - |
0.38 | 9500 | 4.0193 | - |
0.4 | 10000 | 3.9166 | 0.7153 |
0.42 | 10500 | 3.9004 | - |
0.44 | 11000 | 3.8372 | - |
0.45 | 11250 | - | 0.7141 |
0.46 | 11500 | 3.8037 | - |
0.48 | 12000 | 3.7788 | - |
0.5 | 12500 | 3.7191 | 0.7078 |
0.52 | 13000 | 3.7036 | - |
0.54 | 13500 | 3.6697 | - |
0.55 | 13750 | - | 0.7095 |
0.56 | 14000 | 3.6629 | - |
0.58 | 14500 | 3.639 | - |
0.6 | 15000 | 3.6048 | 0.7060 |
0.62 | 15500 | 3.6072 | - |
0.64 | 16000 | 3.574 | - |
0.65 | 16250 | - | 0.7056 |
0.66 | 16500 | 3.5423 | - |
0.68 | 17000 | 3.5379 | - |
0.7 | 17500 | 3.5222 | 0.6969 |
0.72 | 18000 | 3.5076 | - |
0.74 | 18500 | 3.5025 | - |
0.75 | 18750 | - | 0.6959 |
0.76 | 19000 | 3.4943 | - |
0.78 | 19500 | 3.475 | - |
0.8 | 20000 | 3.4874 | 0.6946 |
0.82 | 20500 | 3.4539 | - |
0.84 | 21000 | 3.4704 | - |
0.85 | 21250 | - | 0.6942 |
0.86 | 21500 | 3.4689 | - |
0.88 | 22000 | 3.4617 | - |
0.9 | 22500 | 3.4471 | 0.6917 |
0.92 | 23000 | 3.4541 | - |
0.94 | 23500 | 3.4394 | - |
0.95 | 23750 | - | 0.6915 |
0.96 | 24000 | 3.4505 | - |
0.98 | 24500 | 3.4533 | - |
1.0 | 25000 | 3.4574 | 0.6912 |
Framework Versions
- Python: 3.10.13
- Sentence Transformers: 3.0.1
- Transformers: 4.41.2
- PyTorch: 2.1.2
- Accelerate: 0.31.0
- Datasets: 2.19.2
- 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",
}
DenoisingAutoEncoderLoss
@inproceedings{wang-2021-TSDAE,
title = "TSDAE: Using Transformer-based Sequential Denoising Auto-Encoderfor Unsupervised Sentence Embedding Learning",
author = "Wang, Kexin and Reimers, Nils and Gurevych, Iryna",
booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021",
month = nov,
year = "2021",
address = "Punta Cana, Dominican Republic",
publisher = "Association for Computational Linguistics",
pages = "671--688",
url = "https://arxiv.org/abs/2104.06979",
}