Fredin14's picture
Modelo para crear embeddings para clasificaci贸n de oraciones para la subtarea 1 de la tarea 10 semeval.
bdcf9fd verified
metadata
base_model: sentence-transformers/all-roberta-large-v1
library_name: sentence-transformers
pipeline_tag: sentence-similarity
tags:
  - sentence-transformers
  - sentence-similarity
  - feature-extraction
  - generated_from_trainer
  - dataset_size:6604
  - loss:TripletLoss
widget:
  - source_sentence: >-
      <s>moscow have repeatedly accuse the west of escalate hostility in ukraine
      state that no amount of foreign assistance will change the outcome of the
      fighting this suggest a pattern of provocative action and covert activity
      to undermine the effort of other party involve in the conflict the west
      allege manipulation of information and public perception through
      propaganda also raise question about its intention and
      motivation</s><s>the west</s><s>anger</s><s>disgust</s><s>fear</s>
    sentences:
      - >-
        Deceivers, manipulators, or propagandists who twist the truth, spread
        misinformation, and manipulate public perception for their own benefit.
        They undermine trust and truth.
      - >-
        Those involved in plots and secret plans, often working behind the
        scenes to undermine or deceive others. They engage in covert activities
        to achieve their goals.
      - >-
        Entities from other nations or regions creating geopolitical tension and
        acting against the interests of another country. They are often depicted
        as threats to national security. This is mostly in politics, not in CC.
  - source_sentence: >-
      <s>conocophillip be accuse of lie about climate change risk alongside
      other big polluter include exxon chevron bp and shell in a lawsuit file by
      california attorney general the company be allege to have cause billion of
      dollar in damage and its action be criticize for contribute to the fossil
      fuel crisis and harm the
      planet</s><s>conocophillip</s><s>anger</s><s>disgust</s><s>fear</s>
    sentences:
      - >-
        Deceivers, manipulators, or propagandists who twist the truth, spread
        misinformation, and manipulate public perception for their own benefit.
        They undermine trust and truth.
      - >-
        Deceivers, manipulators, or propagandists who twist the truth, spread
        misinformation, and manipulate public perception for their own benefit.
        They undermine trust and truth.
      - >-
        Those involved in plots and secret plans, often working behind the
        scenes to undermine or deceive others. They engage in covert activities
        to achieve their goals.
  - source_sentence: >-
      <s>scholz be of the imperialist leader who along with biden sunak and
      macron be engage in policy that be not simply the product of derange
      individual but of the profound crisis of world capitalism for which they
      have no rational progressive solution they see a global war for domination
      as the only way out drag the planet towards nuclear conflagration thus
      display a destructive and aggressive behavior consistent with the role of
      conflict initiator</s><s>scholz</s><s>anger</s><s>disgust</s>
    sentences:
      - >-
        : Individuals or groups initiating conflict, often seen as the primary
        cause of tension and discord. They may provoke violence or unrest.
      - >-
        Entities from other nations or regions creating geopolitical tension and
        acting against the interests of another country. They are often depicted
        as threats to national security. This is mostly in politics, not in CC.
      - >-
        Deceivers, manipulators, or propagandists who twist the truth, spread
        misinformation, and manipulate public perception for their own benefit.
        They undermine trust and truth.
  - source_sentence: >-
      <s>stanislav petrov prevent a potential nuclear war by refuse to call
      moscow when he suspect it be a false alarm thus de escalate the situation
      he be subsequently fire due to his action be misinterpret as an
      overreaction rather than hail for his deep thinking and quick decision
      making in avoid a catastrophic event</s><s>stanislav
      petrov</s><s>anticipation</s>
    sentences:
      - >-
        Entities causing harm through ignorance, lack of skill, or incompetence.
        This includes people committing foolish acts or making poor decisions
        due to lack of understanding or expertise. Their actions, often
        unintentional, result in significant negative consequences.
      - >-
        Heroes or guardians who protect values or communities, ensuring safety
        and upholding justice. They often take on roles such as law enforcement
        officers, soldiers, or community leaders
      - >-
        Rebels, revolutionaries, or freedom fighters who challenge the status
        quo and fight for significant change or liberation from oppression. They
        are often seen as champions of justice and freedom.
  - source_sentence: >-
      <s>shell be accuse of make scandalously vast war profit since putin
      strangle the oil supply this align with the definition of an antagonist
      specifically those involve in plot and secret plan to undermine other
      often work behind the scene to achieve their goal as they engage in covert
      activity to exploit the situation for personal
      gain</s><s>shell</s><s>anger</s><s>disgust</s>
    sentences:
      - >-
        Individuals or entities that engage in unethical or illegal activities
        for personal gain, prioritizing profit or power over ethics. This
        includes corrupt politicians, business leaders, and officials.
      - >-
        Those involved in plots and secret plans, often working behind the
        scenes to undermine or deceive others. They engage in covert activities
        to achieve their goals.
      - >-
        Spies or double agents accused of espionage, gathering and transmitting
        sensitive information to a rival or enemy. They operate in secrecy and
        deception. This is mostly in politics, not in CC.

SentenceTransformer based on sentence-transformers/all-roberta-large-v1

This is a sentence-transformers model finetuned from sentence-transformers/all-roberta-large-v1. 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 Sources

Full Model Architecture

SentenceTransformer(
  (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: RobertaModel 
  (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})
)

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 = [
    '<s>shell be accuse of make scandalously vast war profit since putin strangle the oil supply this align with the definition of an antagonist specifically those involve in plot and secret plan to undermine other often work behind the scene to achieve their goal as they engage in covert activity to exploit the situation for personal gain</s><s>shell</s><s>anger</s><s>disgust</s>',
    'Individuals or entities that engage in unethical or illegal activities for personal gain, prioritizing profit or power over ethics. This includes corrupt politicians, business leaders, and officials.',
    'Spies or double agents accused of espionage, gathering and transmitting sensitive information to a rival or enemy. They operate in secrecy and deception. This is mostly in politics, not in CC.',
]
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

Unnamed Dataset

  • Size: 6,604 training samples
  • Columns: sentence_0, sentence_1, and sentence_2
  • Approximate statistics based on the first 1000 samples:
    sentence_0 sentence_1 sentence_2
    type string string string
    details
    • min: 46 tokens
    • mean: 123.42 tokens
    • max: 212 tokens
    • min: 27 tokens
    • mean: 37.92 tokens
    • max: 82 tokens
    • min: 27 tokens
    • mean: 38.35 tokens
    • max: 82 tokens
  • Samples:
    sentence_0 sentence_1 sentence_2
    the new york times be attempt to stoke climate alarm by claim vanilla be disappear due to climate change despite objective datum show vanilla production have double since and the current market be saturate with oversupply the article cite a cyclone that hit madagascar year ago as evidence of climate change impact on vanilla crop yet this event only cause a short term spike in price and current production level be actually lead to low price for farmer due to overproductionthe new york timesdisgust Deceivers, manipulators, or propagandists who twist the truth, spread misinformation, and manipulate public perception for their own benefit. They undermine trust and truth. : Individuals or groups initiating conflict, often seen as the primary cause of tension and discord. They may provoke violence or unrest.
    abigail disney be a liberal activist who have financially support climate activism effort through her contribution to organization such as climate emergency fund cef which channel money to group engage in climate activism notably she be mention alongside other influential individual and entity include former secretary of state hillary clinton onward together and oil heiress aileen getty aileen getty foundation as part of cef funding source this association underscore her role as a financier or supporter of action aim at promote a particular agenda through covert mean which align with the definition of those involve in plot and secret plan often work behind the scene to undermine or deceive otherabigail disneyanticipation Those involved in plots and secret plans, often working behind the scenes to undermine or deceive others. They engage in covert activities to achieve their goals. Individuals who betray a cause or country, often seen as disloyal and treacherous. Their actions are viewed as a significant breach of trust. This is mostly in politics, not in CC.
    greta thunberg be charge by sweden prosecution authority for disobey law enforcement during a climate protest in june potentially face fine or up to month imprisonment the charge stem from her involvement in a protest that allegedly cause significant traffic disruption and she refuse to obey police command to leave the scene additionally thunberg make a bold claim on twitter predict that humanity would end in if fossil fuel be not stop within year which be later describe as a conspiracy by some news outlet this context suggest that greta thunberg could be classify under role such as individual or group initiate conflict due to her action and prediction cause disruption and controversygreta thunbergangerdisgust : Individuals or groups initiating conflict, often seen as the primary cause of tension and discord. They may provoke violence or unrest. Terrorists, mercenaries, insurgents, fanatics, or extremists engaging in violence and terror to further ideological ends, often targeting civilians. They are viewed as significant threats to peace and security. This is mostly in politics, not in CC.
  • Loss: TripletLoss with these parameters:
    {
        "distance_metric": "TripletDistanceMetric.EUCLIDEAN",
        "triplet_margin": 5
    }
    

Training Hyperparameters

Non-Default Hyperparameters

  • num_train_epochs: 6
  • multi_dataset_batch_sampler: round_robin

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: no
  • prediction_loss_only: True
  • per_device_train_batch_size: 8
  • per_device_eval_batch_size: 8
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 1
  • eval_accumulation_steps: None
  • torch_empty_cache_steps: None
  • learning_rate: 5e-05
  • weight_decay: 0.0
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1
  • num_train_epochs: 6
  • max_steps: -1
  • lr_scheduler_type: linear
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.0
  • warmup_steps: 0
  • log_level: passive
  • log_level_replica: warning
  • log_on_each_node: True
  • logging_nan_inf_filter: True
  • save_safetensors: True
  • save_on_each_node: False
  • save_only_model: False
  • restore_callback_states_from_checkpoint: False
  • no_cuda: False
  • use_cpu: False
  • use_mps_device: False
  • seed: 42
  • data_seed: None
  • jit_mode_eval: False
  • use_ipex: False
  • bf16: False
  • fp16: False
  • fp16_opt_level: O1
  • half_precision_backend: auto
  • bf16_full_eval: False
  • fp16_full_eval: False
  • tf32: None
  • local_rank: 0
  • ddp_backend: None
  • tpu_num_cores: None
  • tpu_metrics_debug: False
  • debug: []
  • dataloader_drop_last: False
  • dataloader_num_workers: 0
  • dataloader_prefetch_factor: None
  • past_index: -1
  • disable_tqdm: False
  • remove_unused_columns: True
  • label_names: None
  • load_best_model_at_end: False
  • ignore_data_skip: False
  • fsdp: []
  • fsdp_min_num_params: 0
  • fsdp_config: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
  • fsdp_transformer_layer_cls_to_wrap: None
  • accelerator_config: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
  • deepspeed: None
  • label_smoothing_factor: 0.0
  • optim: adamw_torch
  • optim_args: None
  • adafactor: False
  • group_by_length: False
  • length_column_name: length
  • ddp_find_unused_parameters: None
  • ddp_bucket_cap_mb: None
  • ddp_broadcast_buffers: False
  • dataloader_pin_memory: True
  • dataloader_persistent_workers: False
  • skip_memory_metrics: True
  • use_legacy_prediction_loop: False
  • push_to_hub: False
  • resume_from_checkpoint: None
  • hub_model_id: None
  • hub_strategy: every_save
  • hub_private_repo: None
  • hub_always_push: False
  • gradient_checkpointing: False
  • gradient_checkpointing_kwargs: None
  • include_inputs_for_metrics: False
  • include_for_metrics: []
  • eval_do_concat_batches: True
  • fp16_backend: auto
  • push_to_hub_model_id: None
  • push_to_hub_organization: None
  • mp_parameters:
  • auto_find_batch_size: False
  • full_determinism: False
  • torchdynamo: None
  • ray_scope: last
  • ddp_timeout: 1800
  • torch_compile: False
  • torch_compile_backend: None
  • torch_compile_mode: None
  • dispatch_batches: None
  • split_batches: None
  • include_tokens_per_second: False
  • include_num_input_tokens_seen: False
  • neftune_noise_alpha: None
  • optim_target_modules: None
  • batch_eval_metrics: False
  • eval_on_start: False
  • use_liger_kernel: False
  • eval_use_gather_object: False
  • average_tokens_across_devices: False
  • prompts: None
  • batch_sampler: batch_sampler
  • multi_dataset_batch_sampler: round_robin

Training Logs

Epoch Step Training Loss
0.6053 500 3.3315
1.2107 1000 1.8788
1.8160 1500 1.1392
2.4213 2000 0.663
3.0266 2500 0.4033
3.6320 3000 0.2263
4.2373 3500 0.1922
4.8426 4000 0.1112
5.4479 4500 0.1202

Framework Versions

  • Python: 3.9.20
  • Sentence Transformers: 3.3.1
  • Transformers: 4.48.0.dev0
  • PyTorch: 2.5.1+cu121
  • Accelerate: 1.1.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",
}

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}
}