metadata
base_model: sentence-transformers/all-MiniLM-L12-v2
datasets: []
language: []
library_name: sentence-transformers
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:2144
- loss:MultipleNegativesRankingLoss
widget:
- source_sentence: How do I find out when I should write my examinations?
sentences:
- >-
Information relating to examination timetables is available from the
Examination Office and will be published on the official Institute
Notice Board and the website.
- >-
If you find an error on your academic record, you should contact the
Registration and Student Records Management Office immediately.
- >-
To request accommodations for a disability, you must submit
documentation of the disability to the disability services office and
meet with a disability services coordinator.
- source_sentence: What is the language of instruction at the Harare Institute of Technology?
sentences:
- English is the language of instruction.
- >-
Tracking international events and conference and strategically link them
to HIT, internationalizing HIT programmes and activities, developing
bouquet of events and activities for international visitors, helping
affiliate, accredit HIT, staff and students to international bodies and
associations, liaising with national bodies and promote Zimbabwean
culture and symbols, serving as a point of contact for exchange
students, staff and visitors, ensuring international programmes align to
national programmes and symbols, helping affiliate HIT ethos to national
art and culture, monitoring implementation of MoUs and MoAs,
facilitation of international travel and visits, providing Institute
departments with consular advice, ensuring HIT members get oriented to
particular countries’ culture and services before departure, driving
recruitment of foreign students and exchange programmes.
- >-
BFA 7206 is the course code for Financial Institutions Fraud, which is
an elective course in the second semester of the program.
- source_sentence: What is the process for collecting a certificate?
sentences:
- >-
The programme is designed such that on completion, graduates should be
able to innovatively execute their professional role within prescribed
and legislative parameters, demonstrate a critical understanding and
application of quality assurance and radiation protection in
Radiography, apply scientific knowledge and technical skills to perform
Radiography procedures, plan, develop and apply total quality management
appropriate to the Radiography context, apply management,
entrepreneurial, education and research skills independently and
function in a supervisory clinical governance and quality assurance
capacity within the professional sector, demonstrate the ability to
reflect in clinical practice, critically evaluate and adjust to current
and new trends in Radiography, demonstrate capability to implement new
knowledge and solve problems in varying contexts, and engage life-long
learning and development in their profession.
- >-
The process involves clearing any dues to the Institute and providing
valid identification documents.
- >-
A student can apply for change of programme within two weeks after
commencement of lectures.
- source_sentence: How do I change my address or contact information?
sentences:
- >-
Information Security & Assurance is a field that deals with the
protection of information and information systems from unauthorized
access, use, disclosure, disruption, modification, or destruction.
- >-
The Information and Communications Technology Services (ICTS) Department
at HIT is responsible for providing and maintaining the Institute's IT
infrastructure and services.
- >-
You can update your address or contact information through the online
student portal or by contacting the Academic Registry.
- source_sentence: >-
What is the difference between Cloud Computing and Information Security &
Assurance?
sentences:
- >-
The fourth semester focuses on courses such as Research Project,
Clinical Practice IV, and Seminar.
- >-
Cloud Computing is focused on the design, implementation, and management
of cloud services, while Information Security & Assurance is focused on
the protection of information by mitigating information risks and
ensuring availability, privacy, and integrity of data.
- >-
The Applied Research Methods course is designed to equip students with
the skills and knowledge necessary to conduct research in chemical
engineering process and plant design.
SentenceTransformer based on sentence-transformers/all-MiniLM-L12-v2
This is a sentence-transformers model finetuned from sentence-transformers/all-MiniLM-L12-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-L12-v2
- Maximum Sequence Length: 128 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': 128, '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("Dex-X/finehit")
# Run inference
sentences = [
'What is the difference between Cloud Computing and Information Security & Assurance?',
'Cloud Computing is focused on the design, implementation, and management of cloud services, while Information Security & Assurance is focused on the protection of information by mitigating information risks and ensuring availability, privacy, and integrity of data.',
'The Applied Research Methods course is designed to equip students with the skills and knowledge necessary to conduct research in chemical engineering process and plant design.',
]
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: 2,144 training samples
- Columns:
question
andanswer
- Approximate statistics based on the first 1000 samples:
question answer type string string details - min: 6 tokens
- mean: 13.94 tokens
- max: 31 tokens
- min: 3 tokens
- mean: 30.7 tokens
- max: 128 tokens
- Samples:
question answer What is the role of the Dean of Students?
The Dean of Students oversees various aspects of student life, including student affairs, campus life and development, accommodation, wellness, and more.
What does the Student Affairs department do?
The Student Affairs department handles matters related to student life, conduct, and welfare.
What is the role of Campus Life and Student Development?
Campus Life and Student Development is responsible for fostering a positive campus environment and promoting student growth and development.
- Loss:
MultipleNegativesRankingLoss
with these parameters:{ "scale": 20.0, "similarity_fct": "cos_sim" }
Evaluation Dataset
Unnamed Dataset
- Size: 214 evaluation samples
- Columns:
question
andanswer
- Approximate statistics based on the first 1000 samples:
question answer type string string details - min: 7 tokens
- mean: 15.12 tokens
- max: 31 tokens
- min: 3 tokens
- mean: 31.14 tokens
- max: 128 tokens
- Samples:
question answer What is Student Accommodation and Catering?
Student Accommodation and Catering is a department that manages student housing and dining services.
What certification does Mr. Njonga have from the National Social Security Authority?
Safety and Health Advisor Certification
What is the duration of the B Tech (Hons) Computer Science programme?
The B Tech (Hons) Computer Science programme is a four-year full-time regular programme.
- Loss:
MultipleNegativesRankingLoss
with these parameters:{ "scale": 20.0, "similarity_fct": "cos_sim" }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 16per_device_eval_batch_size
: 16num_train_epochs
: 1warmup_ratio
: 0.1fp16
: Truebatch_sampler
: no_duplicates
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: stepsprediction_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
: Nonelearning_rate
: 5e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1.0num_train_epochs
: 1max_steps
: -1lr_scheduler_type
: linearlr_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
: 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
: no_duplicatesmulti_dataset_batch_sampler
: proportional
Training Logs
Epoch | Step | Training Loss | loss |
---|---|---|---|
0.7463 | 100 | 0.5551 | 0.0665 |
Framework Versions
- Python: 3.10.12
- Sentence Transformers: 3.0.1
- Transformers: 4.41.2
- PyTorch: 2.3.0+cu121
- Accelerate: 0.32.1
- 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",
}
MultipleNegativesRankingLoss
@misc{henderson2017efficient,
title={Efficient Natural Language Response Suggestion for Smart Reply},
author={Matthew Henderson and Rami Al-Rfou and Brian Strope and Yun-hsuan Sung and Laszlo Lukacs and Ruiqi Guo and Sanjiv Kumar and Balint Miklos and Ray Kurzweil},
year={2017},
eprint={1705.00652},
archivePrefix={arXiv},
primaryClass={cs.CL}
}