modernbert-job-role-matcher

This is a sentence-transformers model finetuned from nomic-ai/modernbert-embed-base. 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: nomic-ai/modernbert-embed-base
  • Maximum Sequence Length: 8192 tokens
  • Output Dimensionality: 768 dimensions
  • Similarity Function: Cosine Similarity
  • Language: en
  • License: apache-2.0

Model Sources

Full Model Architecture

SentenceTransformer(
  (0): Transformer({'max_seq_length': 8192, 'do_lower_case': False}) with Transformer model: ModernBertModel 
  (1): Pooling({'word_embedding_dimension': 768, '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("Fatin757/modernbert-job-role-matcher")
# Run inference
sentences = [
    'The Research Executive is responsible for analysing and presenting market insights and trends for the purpose of product and experience development. He/She plans and coordinates the research and development activities, develops robust methodologies to gather and process data that provides insights into emerging industry and facilitate knowledge sharing. He is responsible for overseeing the robustness and integrity of the data and information collection processes and for ensuring that programme contents are in line with the market-driven insights.\n\nAnalytical and logical, he is highly proficient in the development and utilisation of research methods. He works with both internal and external stakeholders in directing and executing research and development activities, and is able to effectively communicate and break down complex data to relevant stakeholders.',
    'Industry Trends Researcher',
    'The Business Development Director/Country Route Development Director/Trade Lane Director/Freight Trade Director is responsible for developing new strategic business opportunities, client bases and managing business resources, including manpower and assets. He/She is also responsible for managing and engaging complex key accounts to develop trade development strategies and to develop strategic customer relationships.\n\nResourceful and analytical, he is required to manage resources and obtain buy-in from internal and external stakeholders. He is also expected to lead a department and make business decisions independently.\n',
]
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]

Evaluation

Metrics

Triplet

Metric Value
cosine_accuracy 0.965

Training Details

Training Dataset

Unnamed Dataset

  • Size: 800 training samples
  • Columns: anchor, positive, and negative
  • Approximate statistics based on the first 800 samples:
    anchor positive negative
    type string string string
    details
    • min: 73 tokens
    • mean: 180.48 tokens
    • max: 380 tokens
    • min: 4 tokens
    • mean: 6.82 tokens
    • max: 14 tokens
    • min: 59 tokens
    • mean: 171.41 tokens
    • max: 328 tokens
  • Samples:
    anchor positive negative
    The Helmsman manoeuvres and handles boats or crafts operating within the Port Limit of Singapore Territorial Waters. He/She is able to use the craft's navigational, fire-fighting and safety equipment and appreciate weather conditions, tides and tidal currents. He also performs basic chartwork, monitors and anticipates potential problems that may arise during daily operations and alerts the relevant authorities to them. He must pass a colour vision test and fulfil the requirements of the Port Limit Helmsman Licence issued by the Maritime and Port Authority of Singapore (MPA). Port Vessel Navigator The Quality Engineer identifies user requirements and expectations to inform quality standards for end-products, and analyses product development processes to identify relevant quality standards. He/She incorporates relevant and suitable international standards into product development processes, quality standards and testing processes. He identifies quality-testing types and variations based on business needs and requirements and develops testing processes. He identifies suitable measures of quality for testing and contributes to the development of test scenarios and plans. He conducts various quality tests, and analyses data to identify operating and usage conditions in which performance of quality measures starts to decline. He also automates quality testing for applicable and suitable tests.

    He works in a team setting and is proficient in programming languages required by the organisation. He is familiar with international quality standards, and uses test automation frameworks and...
    The Reservations Executive/Reservations Supervisor is responsible for supervising the operations of the department in selling rooms and managing room inventory to maximise sales. He/She ensures that all guest requests, concerns and feedback relating to rooms reservations are addressed in a timely and professional manner and collaborates with relevant departments on booking requirements and special guest requests to provide a seamless guest experience.

    He performs checks to ensure the accuracy of reservation bookings and records, keeps track of room availability and inventory, monitors room sales and occupancy levels and analyses reservations forecast to maximise the property's occupancy potential. He assists to meet monthly revenue targets by identifying new contacts and proposing promotional packages to increase room sales and revenue. He is also responsible for monitoring the team's compliance with the property's policies and procedures for reservations operations. He guides and coa...
    Room Reservations Manager The Site Reliability Engineering Manager drives the strategy for system operations and maintenance, ensuring highly reliable and scalable systems. He/She addresses multi-faceted issues and presents solutions to enhance and improve systems’ health and performance. He champions automation in developing resilient systems.

    He has expertise in both technical and business aspects of system development to bridge the gap between development and business functions. He is proficient in various security technologies, as well as cloud computing models and services. He works well with internal and external stakeholders to manage the demands of both. He collaborates with the development team to provide solutions that meet operational demands for high reliability and security.

    The Site Reliability Engineering Manager is a strategic thinker that develops robust application systems that meets business requirements. He adopts an innovative mindset to recommend new and emerging solutions. He is a stro...
    The Quality Engineer identifies user requirements and expectations to inform quality standards for end-products, and analyses product development processes to identify relevant quality standards. He/She incorporates relevant and suitable international standards into product development processes, quality standards and testing processes. He identifies quality-testing types and variations based on business needs and requirements and develops testing processes. He identifies suitable measures of quality for testing and contributes to the development of test scenarios and plans. He conducts various quality tests, and analyses data to identify operating and usage conditions in which performance of quality measures starts to decline. He also automates quality testing for applicable and suitable tests.

    He works in a team setting and is proficient in programming languages required by the organisation. He is familiar with international quality standards, and uses test automation frameworks and...
    Quality Assurance Engineer The Head - Analytics and Customer Insights is responsible for the strategic leadership of all customer and market research and analytics. He/She translates articulated and/or unarticulated business needs and hypotheses into research plans and methods that create business insights. He collaborates with other stakeholders and/or departments to set up the multi-platform customer measurement infrastructure and devises approaches for measuring the effectiveness of content, platforms and campaigns.

    The work involves providing technical guidance and leadership to the analytics and customer insights team as well as advising insights-based creative and business decision making.

    He should be an expert at both data and business metrics. He should have strong understanding of the fundamentals in quantitative and qualitative research techniques, algorithms, machine learning, natural language processing and statistical modelling. He ought to be an able communicator to convey insights to business ...
  • Loss: TripletLoss with these parameters:
    {
        "distance_metric": "TripletDistanceMetric.EUCLIDEAN",
        "triplet_margin": 5
    }
    

Evaluation Dataset

Unnamed Dataset

  • Size: 200 evaluation samples
  • Columns: anchor, positive, and negative
  • Approximate statistics based on the first 200 samples:
    anchor positive negative
    type string string string
    details
    • min: 73 tokens
    • mean: 178.67 tokens
    • max: 313 tokens
    • min: 4 tokens
    • mean: 6.95 tokens
    • max: 12 tokens
    • min: 80 tokens
    • mean: 172.03 tokens
    • max: 356 tokens
  • Samples:
    anchor positive negative
    The Reservations Executive/Reservations Supervisor is responsible for supervising the operations of the department in selling rooms and managing room inventory to maximise sales. He/She ensures that all guest requests, concerns and feedback relating to rooms reservations are addressed in a timely and professional manner and collaborates with relevant departments on booking requirements and special guest requests to provide a seamless guest experience.

    He performs checks to ensure the accuracy of reservation bookings and records, keeps track of room availability and inventory, monitors room sales and occupancy levels and analyses reservations forecast to maximise the property's occupancy potential. He assists to meet monthly revenue targets by identifying new contacts and proposing promotional packages to increase room sales and revenue. He is also responsible for monitoring the team's compliance with the property's policies and procedures for reservations operations. He guides and coa...
    Room Sales Coordinator The Executive (Load Control) determines load sheet requirements with airlines and develops manpower plans to support load control operations. He/She performs regular audits to ensure that the calculation of load limits, distribution and flight performance data complies with Standard Operating Procedures (SOPs). He also recommends enhancements to address areas of non-compliance and improves operational efficiencies. He develops SOPs to ensure alignment with safety and regulatory requirements, and is responsible for manpower deployment, developing on-the-job training programmes and workplace learning plans.

    Besides holding an Airlines Load and Trim Certification to perform his duties, the Executive (Load Control) also possesses outstanding data management and analytical skills. Moreover, he is comfortable with number crunching and is resilient to unforeseen interruptions and stressful situations. He also has excellent verbal and written communication skills and strong people management ...
    The Data Protection Officer executes data governance policies and procedures. He/She ensures the Data Protection Act is implemented and enforced in the organisation, and amongst the respective teams and users. He collaborates with business and project teams in projects and ensures alignment and compliance with the organisation's data protection guidelines and policies, and with industry standards and guidelines. He also directs a team of professionals and third-party vendors or service providers to achieve organisational goals in accordance with the data governance and data protection policies. He manages risks and data breach incidents. The Data Protection Officer is knowledgeable in areas of data governance, compliance and data protection policies and frameworks, and works within and across teams to mitigate data breaches. He is expected to be proficient in the requirements under the Personal Data Protection Act 2012. The Data Protection Officer adopts a broad and global perspective ... Data Compliance Officer The Customer Service Manager is responsible for managing overall customer service excellence, developing and reviewing process reviews and innovation frameworks and implementing customer service process review initiatives. He/She is also responsible for managing overall service quality and customer relationship management resources, including manpower, internal assets and external vendors.

    Resourceful and analytical, he is required to manage resources and obtain buy-in from internal and external stakeholders. He is also expected to lead teams and make business decisions independently.
    The Helmsman manoeuvres and handles boats or crafts operating within the Port Limit of Singapore Territorial Waters. He/She is able to use the craft's navigational, fire-fighting and safety equipment and appreciate weather conditions, tides and tidal currents. He also performs basic chartwork, monitors and anticipates potential problems that may arise during daily operations and alerts the relevant authorities to them. He must pass a colour vision test and fulfil the requirements of the Port Limit Helmsman Licence issued by the Maritime and Port Authority of Singapore (MPA). Maritime Craft Handler The Senior Executive - Product Management manages the development, launch and ongoing evolution of specific products for the organisation. He/She supports the development of the product's strategic roadmap with key market and research inputs. He collaborates with various teams to implement product improvements and new features by driving ongoing modifications or project implementation. He manages product feedback and translates it into product requirements for implementation by technical teams. He also collaborates with operations teams to understand product operations and scope for improvement.

    The work involves collaboration with business, technology and operations teams as well as keeping an eye on the market for product performance and competitor tracking.

    He needs to have a process-oriented mindset and an eye for detail. He is expected to be an effective project manager and able to manage multiple stakeholders. He also requires knowledge of the market trends and relevant technol...
  • Loss: TripletLoss with these parameters:
    {
        "distance_metric": "TripletDistanceMetric.EUCLIDEAN",
        "triplet_margin": 5
    }
    

Training Hyperparameters

Non-Default Hyperparameters

  • eval_strategy: epoch
  • per_device_train_batch_size: 4
  • per_device_eval_batch_size: 4
  • gradient_accumulation_steps: 4
  • learning_rate: 2e-05
  • lr_scheduler_type: cosine
  • warmup_ratio: 0.1
  • load_best_model_at_end: True
  • batch_sampler: no_duplicates

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: epoch
  • prediction_loss_only: True
  • per_device_train_batch_size: 4
  • per_device_eval_batch_size: 4
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 4
  • eval_accumulation_steps: None
  • torch_empty_cache_steps: None
  • learning_rate: 2e-05
  • weight_decay: 0.0
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1.0
  • num_train_epochs: 3
  • max_steps: -1
  • lr_scheduler_type: cosine
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.1
  • 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: True
  • 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
  • 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: no_duplicates
  • multi_dataset_batch_sampler: proportional

Training Logs

Epoch Step Training Loss Validation Loss cosine_accuracy
1.0 50 - 4.3274 0.9800
2.0 100 17.5594 4.1967 0.9700
3.0 150 - 4.1762 0.965
  • The bold row denotes the saved checkpoint.

Framework Versions

  • Python: 3.11.12
  • Sentence Transformers: 4.1.0
  • Transformers: 4.52.3
  • PyTorch: 2.6.0+cu124
  • Accelerate: 1.7.0
  • Datasets: 2.14.4
  • Tokenizers: 0.21.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",
}

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
5
Safetensors
Model size
0.1B params
Tensor type
F32
·
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Model tree for Fatin757/modernbert-job-role-matcher

Finetuned
(93)
this model

Evaluation results