metadata
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:7022
- loss:CosineSimilarityLoss
base_model: sentence-transformers/all-MiniLM-L6-v2
widget:
- source_sentence: >-
nike indigo man presents an invigorating blend that captures the essence
of modern masculinity with a fresh and woody character launched in 2015
this fragrance seamlessly weaves together vibrant citrus notes and
aromatic spices offering an energizing experience that is both elegant and
bold users describe it as sophisticated yet approachable making it perfect
for daily wear or special occasions the fragrance elicits feelings of
confidence and freshness with many appreciating its unique combination of
floral nuances balanced by warm earthy undertones reviewers frequently
note its impressively longlasting quality allowing its captivating scent
to linger throughout the day with a solid rating of 388 nike indigo man is
lauded not only for its wellrounded olfactory profile but also for its
ability to leave a lasting impression embodying both vigor and refinement
sentences:
- ozonic notes
- cedar
- earthy notes
- source_sentence: >-
nike indigo man presents an invigorating blend that captures the essence
of modern masculinity with a fresh and woody character launched in 2015
this fragrance seamlessly weaves together vibrant citrus notes and
aromatic spices offering an energizing experience that is both elegant and
bold users describe it as sophisticated yet approachable making it perfect
for daily wear or special occasions the fragrance elicits feelings of
confidence and freshness with many appreciating its unique combination of
floral nuances balanced by warm earthy undertones reviewers frequently
note its impressively longlasting quality allowing its captivating scent
to linger throughout the day with a solid rating of 388 nike indigo man is
lauded not only for its wellrounded olfactory profile but also for its
ability to leave a lasting impression embodying both vigor and refinement
sentences:
- amber
- cypress
- ivy
- source_sentence: >-
named after the novel of the same name by poet and aviator antoine de
saintexupery the perfume is a tribute to women who like to take risks
sentences:
- pear
- fruity notes
- woody notes
- source_sentence: >-
basi femme by armand basi exudes a playful yet sophisticated charm that
captures the essence of femininity launched in 2000 this fragrance
envelops wearers in a delightful bouquet of floral and fruity elements
balanced by warm and comforting undertones users describe it as sweet and
aromatic with hints of soft spice that create a captivating allure the
scent is often praised for its versatility making it suitable for both day
and evening wear feedback highlights its elegance and freshness which
evoke a sense of confidence and joy many appreciate its soft yet distinct
presence noting how it leaves a lasting impression without overwhelming
the senses the overall mood is uplifting and approachable perfect for the
modern woman who seeks to express her individuality while remaining
effortlessly chic with a solid rating from its community basi femme
resonates as a timeless fragrance choice celebrated for its inviting and
warm character
sentences:
- citrus notes
- fig leaf
- jasmine petal
- source_sentence: >-
lalibela by memo paris is an enchanting fragrance that transports you to a
lush garden awash with the vibrancy of blooming flowers this scent
harmoniously blends rich floral notes with a warm sweet undertone creating
a captivating atmosphere that feels both opulent and inviting the essence
of tender blooms is beautifully complemented by a hint of creamy sweetness
enveloping the wearer in a soft and sensuous embrace users describe
lalibela as a sophisticated and luxurious perfume often noting its unique
complexity that unfolds throughout the day with a cozy warmth reminiscent
of cherished memories it evokes feelings of comfort and elegance many
appreciate its longlasting presence making it a favorite for both day and
evening wear reviewers highlight the fragrances ability to turn heads
leaving a memorable impression without being overwhelming overall lalibela
is a masterful olfactory experience that embodies the spirit of femininity
perfect for those seeking a signature scent infused with both richness and
charm
sentences:
- vanilla
- cypress
- green notes
pipeline_tag: sentence-similarity
library_name: sentence-transformers
metrics:
- pearson_cosine
- spearman_cosine
model-index:
- name: SentenceTransformer based on sentence-transformers/all-MiniLM-L6-v2
results:
- task:
type: semantic-similarity
name: Semantic Similarity
dataset:
name: Unknown
type: unknown
metrics:
- type: pearson_cosine
value: 0.9221809753640012
name: Pearson Cosine
- type: spearman_cosine
value: 0.8309208495457832
name: Spearman Cosine
SentenceTransformer based on sentence-transformers/all-MiniLM-L6-v2
This is a sentence-transformers model finetuned from sentence-transformers/all-MiniLM-L6-v2. 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: sentence-transformers/all-MiniLM-L6-v2
- Maximum Sequence Length: 256 tokens
- Output Dimensionality: 384 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': 256, 'do_lower_case': False}) with Transformer model: BertModel
(1): Pooling({'word_embedding_dimension': 384, '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})
(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 = [
'lalibela by memo paris is an enchanting fragrance that transports you to a lush garden awash with the vibrancy of blooming flowers this scent harmoniously blends rich floral notes with a warm sweet undertone creating a captivating atmosphere that feels both opulent and inviting the essence of tender blooms is beautifully complemented by a hint of creamy sweetness enveloping the wearer in a soft and sensuous embrace users describe lalibela as a sophisticated and luxurious perfume often noting its unique complexity that unfolds throughout the day with a cozy warmth reminiscent of cherished memories it evokes feelings of comfort and elegance many appreciate its longlasting presence making it a favorite for both day and evening wear reviewers highlight the fragrances ability to turn heads leaving a memorable impression without being overwhelming overall lalibela is a masterful olfactory experience that embodies the spirit of femininity perfect for those seeking a signature scent infused with both richness and charm',
'vanilla',
'green notes',
]
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
- Evaluated with
EmbeddingSimilarityEvaluator
Metric | Value |
---|---|
pearson_cosine | 0.9222 |
spearman_cosine | 0.8309 |
Training Details
Training Dataset
Unnamed Dataset
- Size: 7,022 training samples
- Columns:
sentence_0
,sentence_1
, andlabel
- Approximate statistics based on the first 1000 samples:
sentence_0 sentence_1 label type string string float details - min: 12 tokens
- mean: 178.91 tokens
- max: 256 tokens
- min: 3 tokens
- mean: 3.93 tokens
- max: 7 tokens
- min: 0.0
- mean: 0.51
- max: 1.0
- Samples:
sentence_0 sentence_1 label americas by mahogany is an invigorating fragrance crafted for the modern man embodying the spirit of adventure and exploration this scent opens with a refreshing burst that hints at invigorating elements balanced with a spicy warmth that captivates the senses users often describe it as a harmonious blend of fresh and woody accords creating an atmosphere that is both vibrant and grounding this perfumes unique composition has garnered praise for its longevity and versatility making it suitable for both day and evening wear reviewers highlight its ability to evoke a sense of confidence and sophistication likening its character to a breezy stroll through verdant landscapes complemented by hints of rich aromatic woods the overall mood is one of refined masculinity inviting wearers to embrace their individuality while leaving a memorable impression with a commendable rating of 426 out of 5 americas resonates with those seeking a fragrance that is fresh yet complex encapsulating the essence o...
black pepper
1.0
rosa gallica by brecourt is an exquisite unisex fragrance that encapsulates a warm and inviting aura perfect for those who appreciate the elegance of nature intertwined with a touch of mystique with its alluring blend of floral and woody elements this fragrance wraps the wearer in a soft balsamic embrace that evokes a sense of serene sophistication crafted by renowned perfumer emilie bouge rosa gallica has garnered a favorable reception from users who describe it as both captivating and refined reviewers often highlight its unique combination of spicy warmth and delicate floral notes creating an atmosphere that is both romantic and grounded its celebrated for its longevity allowing the wearer to carry its gentle yet complex character throughout the day fans of this fragrance appreciate its versatility noting it as suitable for both day and evening wear with many finding it perfect for cooler weather the overall sentiment points to a fragrance that feels timeless and elegant evoking the...
pimento
0.0
roberto cavalli nero assoluto is a mesmerizing fragrance that embodies a rich and sensual experience perfect for the confident modern woman with its intriguing blend of velvety florals and warm undertones this perfume radiates an aura of elegance and sophistication users frequently describe it as both alluring and comforting invoking sensations of nightfall enhanced by an embrace of soft sweetness the fragrance opens with captivating floral notes that invite curiosity and provide a fresh inviting introduction as it evolves deeper and warmer accords emerge creating a luxurious complexity that many wearers find addictive the interplay between the sweet and powdery elements gives it a creamy enveloping quality that makes it an excellent choice for evening wear or special occasions with an impressive rating from fragrance enthusiasts many reviewers appreciate its longevity and sillage stating that it lingers beautifully without being overpowering the overall impression of nero assoluto is ...
blonde woods
1.0
- Loss:
CosineSimilarityLoss
with these parameters:{ "loss_fct": "torch.nn.modules.loss.MSELoss" }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 32per_device_eval_batch_size
: 32num_train_epochs
: 4multi_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
: 32per_device_eval_batch_size
: 32per_gpu_train_batch_size
: Noneper_gpu_eval_batch_size
: Nonegradient_accumulation_steps
: 1eval_accumulation_steps
: Nonetorch_empty_cache_steps
: Nonelearning_rate
: 5e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1num_train_epochs
: 4max_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
: Nonehub_always_push
: Falsegradient_checkpointing
: Falsegradient_checkpointing_kwargs
: Noneinclude_inputs_for_metrics
: Falseinclude_for_metrics
: []eval_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
: Falseeval_on_start
: Falseuse_liger_kernel
: Falseeval_use_gather_object
: Falseaverage_tokens_across_devices
: Falseprompts
: Nonebatch_sampler
: batch_samplermulti_dataset_batch_sampler
: round_robin
Training Logs
Epoch | Step | Training Loss | spearman_cosine |
---|---|---|---|
0.2273 | 50 | - | 0.2856 |
0.4545 | 100 | - | 0.7237 |
0.6818 | 150 | - | 0.7814 |
0.9091 | 200 | - | 0.8037 |
1.0 | 220 | - | 0.8096 |
1.1364 | 250 | - | 0.8067 |
1.3636 | 300 | - | 0.8130 |
1.5909 | 350 | - | 0.8195 |
1.8182 | 400 | - | 0.8221 |
2.0 | 440 | - | 0.8222 |
2.0455 | 450 | - | 0.8229 |
2.2727 | 500 | 0.0988 | 0.8177 |
2.5 | 550 | - | 0.8277 |
2.7273 | 600 | - | 0.8273 |
2.9545 | 650 | - | 0.8287 |
3.0 | 660 | - | 0.8287 |
3.1818 | 700 | - | 0.8269 |
3.4091 | 750 | - | 0.8295 |
3.6364 | 800 | - | 0.8301 |
3.8636 | 850 | - | 0.8306 |
4.0 | 880 | - | 0.8309 |
Framework Versions
- Python: 3.11.11
- Sentence Transformers: 3.3.1
- Transformers: 4.47.1
- PyTorch: 2.5.1+cu124
- Accelerate: 1.2.1
- Datasets: 3.2.0
- Tokenizers: 0.21.0
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",
}