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 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': 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("Nashhz/FLanceBERT-all-MiniLM-L6-v2")
# Run inference
sentences = [
"I'm here to provide comprehensive support across targeted email collection, web research, market research, data mining, data scraping, and lead generation, SEO & WordPress Web Development. My Expertise Lead Generation B2B & B2C List Building LinkedIn Lead Generation Prospect Lists LinkedIn Data Entry & Data Mining Data Extraction & Scraping Data Collection Tools for Lead Generation LinkedIn Sales Navigator Premium Apollo Premium SalesQL Premium CrunchBase Pro Premium",
"As a chemical manufacturing company, we're in need of a digital marketing expert who can help us generate leads and extend our reach to our target B2B customers. This project will primarily focus on LinkedIn, with additional SEO optimization for our website. Your tasks will include - Optimizing our LinkedIn profile for maximum visibility and engagement - Creating a variety of content for LinkedIn, including - Informative articles - Case studies - Promotional videos - Festival themed content - Implementing SEO strategies to improve our website's reach and lead generation potential Ideal skills and experience for the job include - Proven experience in B2B digital marketing, particularly on LinkedIn - Strong content creation skills - Expertise in SEO optimization - Familiarity with the chemical manufacturing industry is a plus",
"I'm in need of an Excel expert with proficiency in VBA and macros. The primary tasks you'll be tackling include data analysis, reporting, and data manipulation on sales and inventory data. Key functions that the workbook should effectively perform includes - Effective data analysis and reporting. Your prowess in Excel should ensure seamless interpretation and presentation of data. - Automation of data manipulation. Your skills should ease the process of handling large volumes of data, automatically organizing and adjusting it as necessary. - Specific calculations to provide inventory tracking and forecasting insights. Your expertise will help me make informed business decisions based on precise and timely data analysis. Proven experience handling similar projects would be advantageous.",
]
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]
Training Details
Training Dataset
Unnamed Dataset
- Size: 16,682 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: 4 tokens
- mean: 166.61 tokens
- max: 256 tokens
- min: 5 tokens
- mean: 167.91 tokens
- max: 256 tokens
- min: 0.32
- mean: 0.72
- max: 1.0
- Samples:
sentence_0 sentence_1 label I have been employed in this field for almost seven years, and I have knowledge of Graphic Design- - Adobe Photoshop - Adobe Illustrator - Blender - Live2d - Adobe After Effects - 2D Animation Explainer Video
I'm in need of a skilled video editor specializing in 2D animation. The primary purpose of this video is entertainment, with the style being animated. The ideal freelancer for this project should have - Extensive experience in editing 2D animated videos - A strong understanding of timing and pacing for comedic effect - The ability to help elevate the quality of the footage If you have a keen eye for detail and a passion for animation, I'd love to see your portfolio and discuss how we can bring this project to life.
0.7088025808334351
Hi, I am Anis. I'm a professional Graphic Designer and Social Media Expert with more than 5 years experience. I will design T-shirt, Logo, Facebook Page, Facebook cover,poster,Banner for your Business or fan page, Facebook Shop, Social Media Marketing. I will bring life to your expectations. My Services Logo Design Business Card Design Blog Design Poster Design Banner Design T-shirt Design Youtube ThumbnailChannel Art Facebook coverfan pageBusiness page Instagram storypost more Hi, I am Anis. I'm a professional Graphic Designer and Social Media Expert with more than 5 years experience. I will design T-shirt, Logo, Facebook Page, Facebook cover,poster,Banner for your Business or fan page, Facebook Shop, Social Media Marketing. I will bring life to your expectations. My Services Logo Design Business Card Design Blog Design Poster Design Banner Design T-shirt Design Youtube ThumbnailChannel Art Facebook coverfan pageBusiness page Instagram storypost Flyer Design Brochure Design Any kind of Invitation cardbirthday,anniversary etc If you have a specific requirement which is NOT listed above, write me and I'll most probably be able to help you I will bring life to your expectations
I'm seeking a graphic designer to create clean, modern designs for my photography business. This will start with business cards and a flyer based on my existing branding. Key Responsibilities - Design of business cards and flyer - Ongoing design tasks The objective of these designs is primarily to generate leads. I have some ideas about my brand but I need your expertise to finalize everything. The business cards will include my logo, contact information, tagline, and social media handles. Ideal Skills and Experience - Proficient in graphic design software - Experience in creating modern business promotional materials - Strong understanding of lead generation through design - Ability to work with and refine existing brand guidelines - Excellent communication skills for collaborative brainstorming This role will be paid at an hourly rate, as there are likely to be ongoing small and larger tasks.
0.7025933265686035
I'm a Full Stack Web Developer with 4 years of experience in building responsive and user-friendly web applications. I specialize in both front-end and back-end development, using technologies like HTML, CSS, JavaScript, Taillwind css, Bootstrap and Vue.js. I'm passionate about solving complex problems and creating seamless digital experiences. I thrive in collaborative environments and am always eager to learn and take on new challenges.
I'm in need of a skilled Full Stack Developer for an urgent task involving the development of a based website. Key Requirements - Proficient in both front-end and back-end web development - Experienced in creating user-friendly, responsive and interactive websites - Knowledgeable in implementing SEO best practices - Able to ensure high performance and responsiveness of the website Ideal Skills - Proficiency in HTML, CSS, JavaScript, PHP, Python, or Ruby - Experience with frameworks like React, Angular, or Vue.js - Familiarity with database management systems like MySQL or MongoDB - Previous experience in developing a blog or content-based website is a plus Looking forward to your bids.
0.7718963623046875
- Loss:
CosineSimilarityLoss
with these parameters:{ "loss_fct": "torch.nn.modules.loss.MSELoss" }
Training Hyperparameters
Non-Default Hyperparameters
per_device_train_batch_size
: 16per_device_eval_batch_size
: 16num_train_epochs
: 4multi_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
: 16per_device_eval_batch_size
: 16per_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
: 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
: Falseeval_on_start
: Falseuse_liger_kernel
: Falseeval_use_gather_object
: Falsebatch_sampler
: batch_samplermulti_dataset_batch_sampler
: round_robin
Training Logs
Epoch | Step | Training Loss |
---|---|---|
0.4794 | 500 | 0.001 |
0.9588 | 1000 | 0.0004 |
1.4382 | 1500 | 0.0003 |
1.9175 | 2000 | 0.0003 |
2.3969 | 2500 | 0.0003 |
2.8763 | 3000 | 0.0003 |
3.3557 | 3500 | 0.0002 |
3.8351 | 4000 | 0.0002 |
Framework Versions
- Python: 3.12.6
- Sentence Transformers: 3.2.0
- Transformers: 4.45.2
- PyTorch: 2.4.1+cpu
- Accelerate: 1.0.1
- Datasets: 3.0.1
- Tokenizers: 0.20.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",
}
- Downloads last month
- 316
Inference Providers
NEW
This model is not currently available via any of the supported Inference Providers.
Model tree for Nashhz/FLanceBERT-all-MiniLM-L6-v2
Base model
sentence-transformers/all-MiniLM-L6-v2