SentenceTransformer based on intfloat/multilingual-e5-large-instruct
This is a sentence-transformers model finetuned from intfloat/multilingual-e5-large-instruct on the d4-embeddings-triplet_loss dataset. It maps sentences & paragraphs to a 1024-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: intfloat/multilingual-e5-large-instruct
- Maximum Sequence Length: 512 tokens
- Output Dimensionality: 1024 dimensions
- Similarity Function: Cosine Similarity
- Training Dataset:
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: XLMRobertaModel
(1): Pooling({'word_embedding_dimension': 1024, '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("Lauther/d4-embeddings-v3.0")
# Run inference
sentences = [
'PTE BRAGANÇA PAULISTA C',
'What is an Uncertainty Composition?\nAn Uncertainty Composition represents a specific factor that contributes to the overall uncertainty of a measurement system. These components are essential for evaluating the accuracy and reliability of measurements by identifying and quantifying the sources of uncertainty.\n\nKey Aspects of an Uncertainty Component:\n- Component Name: Defines the uncertainty factor (e.g., diameter, density, variance, covariance) influencing the measurement system.\n- Value of Composition: Quantifies the component’s contribution to the total uncertainty, helping to analyze which factors have the greatest impact.\n- Uncertainty File ID: Links the component to a specific uncertainty dataset for traceability and validation.\nUnderstanding these components is critical for uncertainty analysis, ensuring compliance with industry standards and improving measurement precision.',
'What is a Measurement Unit?\nA Measurement Unit defines the standard for quantifying a physical magnitude (e.g., temperature, pressure, volume). It establishes a consistent reference for interpreting values recorded in a measurement system.\n\nEach measurement unit is associated with a specific magnitude, ensuring that values are correctly interpreted within their context. For example:\n\n- °C (Celsius) → Used for temperature\n- psi (pounds per square inch) → Used for pressure\n- m³ (cubic meters) → Used for volume\nMeasurement units are essential for maintaining consistency across recorded data, ensuring comparability, and enabling accurate calculations within measurement systems.',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 1024]
# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]
Training Details
Training Dataset
d4-embeddings-triplet_loss
- Dataset: d4-embeddings-triplet_loss at 4d11c52
- Size: 4,151 training samples
- Columns:
anchor
,positive
, andnegative
- Approximate statistics based on the first 1000 samples:
anchor positive negative type string string string details - min: 3 tokens
- mean: 9.03 tokens
- max: 19 tokens
- min: 80 tokens
- mean: 213.47 tokens
- max: 406 tokens
- min: 27 tokens
- mean: 168.24 tokens
- max: 406 tokens
- Samples:
anchor positive negative Orifice Diameter (mm)
What is uncertainty?
Uncertainty is a measure of confidence in the precision and reliability of results obtained from equipment or measurement systems. It quantifies the potential error or margin of error in measurements.
Types of uncertainty:
There are two main types of uncertainty:
1. Uncertainty of magnitudes (variables):
- Refers to the uncertainty of specific variables, such as temperature or pressure.
- It is calculated after calibrating a device or obtained from the equipment manufacturer's manual.
- This uncertainty serves as a starting point for further calculations related to the equipment.
2. Uncertainty of the measurement system:
- Refers to the uncertainty calculated for the overall flow measurement.
- It depends on the uncertainties of the individual variables (magnitudes) and represents the combined margin of error for the entire system.
Key points:
- The uncertainties of magnitudes (variables) are the foundation for calculating the uncertainty of ...What is an Equipment Class?
An Equipment Class categorizes different types of equipment based on their function or role within a measurement system. This classification helps in organizing and distinguishing equipment types for operational, maintenance, and analytical purposes.
Each Equipment Class groups related equipment under a common category. Examples include:
Primary → Main measurement device in a system.
Secondary → Supporting measurement device, often used for verification.
Tertiary → Additional measurement equipment.
Valves → Flow control devices used in the system.
By defining Equipment Classes, the system ensures proper identification, tracking, and management of measurement-related assets.prueba_gonzalo
What is a measurement system?
Measurement systems are essential components in industrial measurement and processing. They are identified by a unique Tag and are associated with a specific installation and fluid type. These systems utilize different measurement technologies, including differential (DIF) and linear (LIN), depending on the application. Measurement systems can be classified based on their application type, such as fiscal or custody transfer.What is a Measured Magnitude Value?
A Measured Magnitude Value represents a DAILY recorded physical measurement of a variable within a monitored fluid. These values are essential for tracking system performance, analyzing trends, and ensuring accurate monitoring of fluid properties.
Key Aspects of a Measured Magnitude Value:
- Measurement Date: The timestamp indicating when the measurement was recorded.
- Measured Value: The daily numeric result of the recorded physical magnitude.
- Measurement System Association: Links the measured value to a specific measurement system responsible for capturing the data.
- Variable Association: Identifies the specific variable (e.g., temperature, pressure, flow rate) corresponding to the recorded value.
Measured magnitude values are crucial for real-time monitoring, historical analysis, and calibration processes within measurement systems.
Database advices:
This values also are in historics of a flow computer report. Although, to go directl...Vazao Instantanea
What is uncertainty?
Uncertainty is a measure of confidence in the precision and reliability of results obtained from equipment or measurement systems. It quantifies the potential error or margin of error in measurements.
Types of uncertainty:
There are two main types of uncertainty:
1. Uncertainty of magnitudes (variables):
- Refers to the uncertainty of specific variables, such as temperature or pressure.
- It is calculated after calibrating a device or obtained from the equipment manufacturer's manual.
- This uncertainty serves as a starting point for further calculations related to the equipment.
2. Uncertainty of the measurement system:
- Refers to the uncertainty calculated for the overall flow measurement.
- It depends on the uncertainties of the individual variables (magnitudes) and represents the combined margin of error for the entire system.
Key points:
- The uncertainties of magnitudes (variables) are the foundation for calculating the uncertainty of ...What is a report index or historic index?
Indexes represent the recorded reports generated by flow computers, classified into two types:
- Hourly reports Index: Store data for hourly events.
- Daily reports Index: Strore data for daily events.
These reports, also referred to as historical data or flow computer historical records, contain raw, first-hand measurements directly collected from the flow computer. The data has not been processed or used in any calculations, preserving its original state for analysis or validation.
The index is essential for locating specific values within the report. - Loss:
TripletLoss
with these parameters:{ "distance_metric": "TripletDistanceMetric.COSINE", "triplet_margin": 0.3 }
Evaluation Dataset
d4-embeddings-triplet_loss
- Dataset: d4-embeddings-triplet_loss at 4d11c52
- Size: 1,038 evaluation samples
- Columns:
anchor
,positive
, andnegative
- Approximate statistics based on the first 1000 samples:
anchor positive negative type string string string details - min: 3 tokens
- mean: 9.02 tokens
- max: 19 tokens
- min: 27 tokens
- mean: 209.21 tokens
- max: 406 tokens
- min: 27 tokens
- mean: 172.36 tokens
- max: 406 tokens
- Samples:
anchor positive negative FQI-4301.4522B
What is a measurement system?
Measurement systems are essential components in industrial measurement and processing. They are identified by a unique Tag and are associated with a specific installation and fluid type. These systems utilize different measurement technologies, including differential (DIF) and linear (LIN), depending on the application. Measurement systems can be classified based on their application type, such as fiscal or custody transfer.What is uncertainty?
Uncertainty is a measure of confidence in the precision and reliability of results obtained from equipment or measurement systems. It quantifies the potential error or margin of error in measurements.
Types of uncertainty:
There are two main types of uncertainty:
1. Uncertainty of magnitudes (variables):
- Refers to the uncertainty of specific variables, such as temperature or pressure.
- It is calculated after calibrating a device or obtained from the equipment manufacturer's manual.
- This uncertainty serves as a starting point for further calculations related to the equipment.
2. Uncertainty of the measurement system:
- Refers to the uncertainty calculated for the overall flow measurement.
- It depends on the uncertainties of the individual variables (magnitudes) and represents the combined margin of error for the entire system.
Key points:
- The uncertainties of magnitudes (variables) are the foundation for calculating the uncertainty...PTE GUARATINGUETA B
What are historical report values?
These represent the recorded data points within flow computer reports. Unlike the report index, which serves as a reference to locate reports, these values contain the actual measurements and calculated data stored in the historical records.
Flow computer reports store two types of data values:
- Hourly data values: Contain measured or calculated values (e.g., operational minutes, alarms set, etc.) recorded on an hourly basis.
- Daily data values: Contain measured or calculated values (e.g., operational minutes, alarms set, etc.) recorded on a daily basis.
Each value is directly linked to its respective report index, ensuring traceability to the original flow computer record. These values maintain their raw integrity, providing a reliable source for analysis and validation.What is Equipment?
An Equipment represents a physical device that may be used within a measurement system. Equipment can be active or inactive and is classified by type, such as transmitters, thermometers, or other measurement-related devices.
Key Aspects of Equipment:
- Serial Number: A unique identifier assigned to each equipment unit for tracking and reference.
- Current State: Indicates whether the equipment is currently in use (ACT) or inactive (INA).
- Associated Equipment Type: Defines the category of the equipment (e.g., transmitter, thermometer), allowing classification and management.
Equipment plays a critical role in measurement systems, ensuring accuracy and reliability in data collection and processing.PTE BRAGANÇA PAULISTA B
What is an Uncertainty Composition?
An Uncertainty Composition represents a specific factor that contributes to the overall uncertainty of a measurement system. These components are essential for evaluating the accuracy and reliability of measurements by identifying and quantifying the sources of uncertainty.
Key Aspects of an Uncertainty Component:
- Component Name: Defines the uncertainty factor (e.g., diameter, density, variance, covariance) influencing the measurement system.
- Value of Composition: Quantifies the component’s contribution to the total uncertainty, helping to analyze which factors have the greatest impact.
- Uncertainty File ID: Links the component to a specific uncertainty dataset for traceability and validation.
Understanding these components is critical for uncertainty analysis, ensuring compliance with industry standards and improving measurement precision.What is uncertainty?
Uncertainty is a measure of confidence in the precision and reliability of results obtained from equipment or measurement systems. It quantifies the potential error or margin of error in measurements.
Types of uncertainty:
There are two main types of uncertainty:
1. Uncertainty of magnitudes (variables):
- Refers to the uncertainty of specific variables, such as temperature or pressure.
- It is calculated after calibrating a device or obtained from the equipment manufacturer's manual.
- This uncertainty serves as a starting point for further calculations related to the equipment.
2. Uncertainty of the measurement system:
- Refers to the uncertainty calculated for the overall flow measurement.
- It depends on the uncertainties of the individual variables (magnitudes) and represents the combined margin of error for the entire system.
Key points:
- The uncertainties of magnitudes (variables) are the foundation for calculating the uncertainty... - Loss:
TripletLoss
with these parameters:{ "distance_metric": "TripletDistanceMetric.COSINE", "triplet_margin": 0.3 }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 80per_device_eval_batch_size
: 80weight_decay
: 0.01max_grad_norm
: 0.5num_train_epochs
: 15lr_scheduler_type
: cosinewarmup_ratio
: 0.1fp16
: Truedataloader_num_workers
: 4
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: stepsprediction_loss_only
: Trueper_device_train_batch_size
: 80per_device_eval_batch_size
: 80per_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.01adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 0.5num_train_epochs
: 15max_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
: Falsefp16
: Truefp16_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
: 4dataloader_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
: proportional
Framework Versions
- Python: 3.11.0
- Sentence Transformers: 3.4.1
- Transformers: 4.49.0
- PyTorch: 2.6.0+cu124
- Accelerate: 1.4.0
- Datasets: 3.3.2
- 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",
}
TripletLoss
@misc{hermans2017defense,
title={In Defense of the Triplet Loss for Person Re-Identification},
author={Alexander Hermans and Lucas Beyer and Bastian Leibe},
year={2017},
eprint={1703.07737},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
- Downloads last month
- 15
Inference Providers
NEW
This model isn't deployed by any Inference Provider.
🙋
Ask for provider support
Model tree for Lauther/d4-embeddings-v3.0
Base model
intfloat/multilingual-e5-large-instruct