SentenceTransformer based on avsolatorio/GIST-Embedding-v0
This is a sentence-transformers model finetuned from avsolatorio/GIST-Embedding-v0. 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: avsolatorio/GIST-Embedding-v0
- 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': 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("wjunwei/ecommerce_text_embedding")
# Run inference
sentences = [
'magic the gathering modern horizons bundle gift edition deluxe bundle with collector booster play boosters fullart lands exclusive accessories give the gift of magicthe perfect present for any magic fan this gift bundle is full of exclusive accessories and the coolest cards from modern horizons including a collector booster packed with rare cards shiny foils and altart altframe cards moderns never been more marvelousintroducing a heaping helping of exciting cards for modern one of magics most celebrated formats plus the return of competitive favorites theres something for every fan to love in modern horizons a collector booster full of treasuresboth powerful and flashy the included collector booster is packed with only the coolest cards and is the only place fans may find foiletched cards textured foil cards or serialized cards printed with a unique number boosters for playing building decksplay boosters are the best packs for playing magic with friends and are fun to open with a possibility of multiple rares and at least shining foil card in every pack fullart lands special alternateart cardevery mh bundle gift edition also comes with traditional foil promo card featuring bundleexclusive alternate art and of the included land cards feature stunning fullart foil nonfoil exclusive accessorieseach gift bundle also comes with exclusive accessories including a special die to track your life total as you play and a sturdy box to store everything in bundle gift edition contents collector booster play boosters traditional foil altart card land cards foil nonfoil spindown life counter card storage box and reference cards',
'backdrop stand xft photo video studio adjustable backdrop stand for parties wedding photography advertising display note balloons colorful decorations are not included meaningful family gathering cheerful and memorable birthday party romantic and warm wedding professional photography attractive advertising display and other uses just get ft backdrop stands adjustable stable backdrop stand loading capacity up to lbkg good flexibility with width ftft height ft ft heavy duty spring clamp and backdrop elastic string clip to holds curtains canvas muslin projector screen or seamless paper prevent background slippage photography weight sandbag to stabilize the backdrop support system note this bag comes empty its capacity is about lbub the kit includes pcs crossbar parts pcs tripod bracket pcs spring clamp pcs backdrop elastic string clip pcs sand bag pc carry bag',
'burts bees baby baby girls mittens noscratch mitts organic cotton set of ',
]
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]
Training Details
Training Dataset
Unnamed Dataset
- Size: 5,864 training samples
- Columns:
sentence_0
,sentence_1
, andlabel
- Approximate statistics based on the first 1000 samples:
sentence_0 sentence_1 label type string string int details - min: 5 tokens
- mean: 144.3 tokens
- max: 512 tokens
- min: 5 tokens
- mean: 143.08 tokens
- max: 512 tokens
- 0: ~87.50%
- 1: ~12.50%
- Samples:
sentence_0 sentence_1 label philips norelco shaver rechargeable electric shaver with popup trimmer s comfortcut blades get a clean shave thats comfortable on your skin rounded blade caps shield selfsharpening blades to gently cut hair just above skin level and help the shaver glide smoothly over your skin experience a convenient clean shave with heads that flex and float in directions the head adjusts to the curves of your face ensuring smooth contact with your skin without a lot of pressure d flex heads follow your faces contours for a clean shave popup trimmer for mustache and sideburns finish your look with the builtin trimmer ideal for maintaining your mustache and trimming your sideburns onetouch open for easy cleaning experience a convenient clean shave with heads that flex and float in directions the head adjusts to the curves of your face ensuring smooth contact with your skin without a lot of pressure minutes of cordless shaving from an hour charge thats about shaves or plug it in for instant continuous power
philips norelco shaver rechargeable electric shaver with popup trimmer s comfortcut blades get a clean shave thats comfortable on your skin rounded blade caps shield selfsharpening blades to gently cut hair just above skin level and help the shaver glide smoothly over your skin experience a convenient clean shave with heads that flex and float in directions the head adjusts to the curves of your face ensuring smooth contact with your skin without a lot of pressure d flex heads follow your faces contours for a clean shave popup trimmer for mustache and sideburns finish your look with the builtin trimmer ideal for maintaining your mustache and trimming your sideburns onetouch open for easy cleaning experience a convenient clean shave with heads that flex and float in directions the head adjusts to the curves of your face ensuring smooth contact with your skin without a lot of pressure minutes of cordless shaving from an hour charge thats about shaves or plug it in for instant continuous power
1
speedo girls swimsuit one piece thin straps
lace tulle flower girl long dress for wedding oneck princess dresses long sleeve pageant party gown
0
pyrex blue cup rectangular plastic cover pc pack original genuine pyrex made in the usa genuine pyrex replacement lid nonporous surface does not absorb food odors flavors or stains refrigerator microwave and toprack dishwasher safe will not fit anchor hocking products included pyrex pc blue cup rectangle plastic lids lids only containers not included
kpywzer vintage leather sling bag bags for men women backpack shoulder messenger crossbody outdoor travel hiking camping tactical chest pack daypack brown
0
- Loss:
ContrastiveTensionLoss
Training Hyperparameters
Non-Default Hyperparameters
num_train_epochs
: 5multi_dataset_batch_sampler
: round_robin
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: noprediction_loss_only
: Trueper_device_train_batch_size
: 8per_device_eval_batch_size
: 8per_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
: 5max_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 |
---|---|---|
0.6821 | 500 | 7.4403 |
1.3643 | 1000 | 4.8536 |
2.0464 | 1500 | 3.8646 |
2.7285 | 2000 | 3.8877 |
3.4106 | 2500 | 3.8789 |
4.0928 | 3000 | 3.8052 |
4.7749 | 3500 | 3.8385 |
Framework Versions
- Python: 3.10.12
- Sentence Transformers: 3.0.1
- Transformers: 4.41.2
- PyTorch: 2.3.0+cu121
- Accelerate: 0.31.0
- Datasets: 2.20.0
- 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",
}
ContrastiveTensionLoss
@inproceedings{carlsson2021semantic,
title={Semantic Re-tuning with Contrastive Tension},
author={Fredrik Carlsson and Amaru Cuba Gyllensten and Evangelia Gogoulou and Erik Ylip{"a}{"a} Hellqvist and Magnus Sahlgren},
booktitle={International Conference on Learning Representations},
year={2021},
url={https://openreview.net/forum?id=Ov_sMNau-PF}
}
- Downloads last month
- 22
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 wjunwei/ecommerce_text_embedding
Base model
avsolatorio/GIST-Embedding-v0