CrossEncoder based on cross-encoder/stsb-distilroberta-base
This is a Cross Encoder model finetuned from cross-encoder/stsb-distilroberta-base using the sentence-transformers library. It computes scores for pairs of texts, which can be used for text reranking and semantic search.
Model Details
Model Description
- Model Type: Cross Encoder
- Base model: cross-encoder/stsb-distilroberta-base
- Maximum Sequence Length: 128 tokens
- Number of Output Labels: 1 label
Model Sources
- Documentation: Sentence Transformers Documentation
- Documentation: Cross Encoder Documentation
- Repository: Sentence Transformers on GitHub
- Hugging Face: Cross Encoders on Hugging Face
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 CrossEncoder
# Download from the ๐ค Hub
model = CrossEncoder("cross_encoder_model_id")
# Get scores for pairs of texts
pairs = [
['Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and', 'Discussing different types of quadrilaterals. Quadrilateral is a closed figure with four line segments. Each point where the two line segments meet is called a vertex. The closed figure also form four angles.. Discussing different types of quadrilaterals Albert Mhango, Mzimba Introduction: Quad'],
['Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and', 'Discussing properties of quadrilaterals. The common properties that you will see in every quadrilateral include; all quadrilaterals have four sides, they all consist of four vertices and the sum of interior angles is equal to 360 degrees.. Discussing properties of quadrilaterals Albert Mhango,'],
['Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and', 'Calculating interior and exterior angles of a triangle. The exterior angle of a triangle is equal to the sum of two opposite interior angles. This property will help you to find angles in a triangle and exterior angles.. Calculating interior and exterior angles of a triangle Albert Mhango, Mzimba Introduction: The'],
['Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and', 'Using properties of quadrilaterals to solve problems. A quadrilateral is a geometric figure with four sides. The general properties of quadrilaterals include; they all have four sides, have two diagonals, have four interior angles and the sum of their interior angles is equal to 360 degrees.. Using properties'],
['Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and', 'Solving Problems Involving Polygons. In this lesson, you will learn how we can use the exterior angles of polygon formula to solve problems.. Solving Problems Involving Polygons Mary Chagwa, Blantyre Introduction: In the previous lesson, you were deriving the formula for finding the sum'],
]
scores = model.predict(pairs)
print(scores.shape)
# (5,)
# Or rank different texts based on similarity to a single text
ranks = model.rank(
'Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and',
[
'Discussing different types of quadrilaterals. Quadrilateral is a closed figure with four line segments. Each point where the two line segments meet is called a vertex. The closed figure also form four angles.. Discussing different types of quadrilaterals Albert Mhango, Mzimba Introduction: Quad',
'Discussing properties of quadrilaterals. The common properties that you will see in every quadrilateral include; all quadrilaterals have four sides, they all consist of four vertices and the sum of interior angles is equal to 360 degrees.. Discussing properties of quadrilaterals Albert Mhango,',
'Calculating interior and exterior angles of a triangle. The exterior angle of a triangle is equal to the sum of two opposite interior angles. This property will help you to find angles in a triangle and exterior angles.. Calculating interior and exterior angles of a triangle Albert Mhango, Mzimba Introduction: The',
'Using properties of quadrilaterals to solve problems. A quadrilateral is a geometric figure with four sides. The general properties of quadrilaterals include; they all have four sides, have two diagonals, have four interior angles and the sum of their interior angles is equal to 360 degrees.. Using properties',
'Solving Problems Involving Polygons. In this lesson, you will learn how we can use the exterior angles of polygon formula to solve problems.. Solving Problems Involving Polygons Mary Chagwa, Blantyre Introduction: In the previous lesson, you were deriving the formula for finding the sum',
]
)
# [{'corpus_id': ..., 'score': ...}, {'corpus_id': ..., 'score': ...}, ...]
Evaluation
Metrics
Cross Encoder Reranking
- Dataset:
reranking-dev
- Evaluated with
CrossEncoderRerankingEvaluator
with these parameters:{ "at_k": 50, "always_rerank_positives": false }
Metric | Value |
---|---|
map | 0.7207 (+0.0992) |
mrr@50 | 0.7903 (+0.0528) |
ndcg@50 | 0.8072 (+0.0817) |
Training Details
Training Dataset
Unnamed Dataset
- Size: 1,314,940 training samples
- Columns:
topic
,content
, andlabel
- Approximate statistics based on the first 1000 samples:
topic content label type string string int details - min: 42 characters
- mean: 158.98 characters
- max: 336 characters
- min: 7 characters
- mean: 150.81 characters
- max: 353 characters
- 0: ~76.30%
- 1: ~23.70%
- Samples:
topic content label Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and
Discussing different types of quadrilaterals. Quadrilateral is a closed figure with four line segments. Each point where the two line segments meet is called a vertex. The closed figure also form four angles.. Discussing different types of quadrilaterals Albert Mhango, Mzimba Introduction: Quad
1
Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and
Discussing properties of quadrilaterals. The common properties that you will see in every quadrilateral include; all quadrilaterals have four sides, they all consist of four vertices and the sum of interior angles is equal to 360 degrees.. Discussing properties of quadrilaterals Albert Mhango,
1
Triangles and polygons. Space, shape and measurement. Form 1. Malawi Mathematics Syllabus. Learning outcomes: students must be able to solve problems involving angles, triangles and polygons including: types of triangles, calculate the interior and exterior angles of a triangle, different types of polygons, interior angles and
Calculating interior and exterior angles of a triangle. The exterior angle of a triangle is equal to the sum of two opposite interior angles. This property will help you to find angles in a triangle and exterior angles.. Calculating interior and exterior angles of a triangle Albert Mhango, Mzimba Introduction: The
1
- Loss:
BinaryCrossEntropyLoss
with these parameters:{ "activation_fn": "torch.nn.modules.linear.Identity", "pos_weight": 3.7016043663024902 }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 128per_device_eval_batch_size
: 128learning_rate
: 2e-05warmup_ratio
: 0.1seed
: 12bf16
: Truedataloader_num_workers
: 4load_best_model_at_end
: True
All Hyperparameters
Click to expand
overwrite_output_dir
: Falsedo_predict
: Falseeval_strategy
: stepsprediction_loss_only
: Trueper_device_train_batch_size
: 128per_device_eval_batch_size
: 128per_gpu_train_batch_size
: Noneper_gpu_eval_batch_size
: Nonegradient_accumulation_steps
: 1eval_accumulation_steps
: Nonetorch_empty_cache_steps
: Nonelearning_rate
: 2e-05weight_decay
: 0.0adam_beta1
: 0.9adam_beta2
: 0.999adam_epsilon
: 1e-08max_grad_norm
: 1.0num_train_epochs
: 3max_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
: 12data_seed
: Nonejit_mode_eval
: Falseuse_ipex
: Falsebf16
: Truefp16
: 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
: 4dataloader_prefetch_factor
: Nonepast_index
: -1disable_tqdm
: Falseremove_unused_columns
: Truelabel_names
: Noneload_best_model_at_end
: Trueignore_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
: 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
Training Logs
Epoch | Step | Training Loss | reranking-dev_ndcg@50 |
---|---|---|---|
0.0001 | 1 | 1.0174 | - |
0.9999 | 10272 | 0.6234 | 0.7913 (+0.0658) |
1.9998 | 20544 | 0.3901 | 0.8041 (+0.0786) |
2.9997 | 30816 | 0.2978 | 0.8072 (+0.0817) |
Framework Versions
- Python: 3.11.13
- Sentence Transformers: 4.1.0
- Transformers: 4.52.4
- 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",
}
- Downloads last month
- 13
Inference Providers
NEW
This model isn't deployed by any Inference Provider.
๐
Ask for provider support
Model tree for GphaHoa/academic_distilroberta_base
Base model
distilbert/distilroberta-base
Quantized
cross-encoder/stsb-distilroberta-base
Evaluation results
- Map on reranking devself-reported0.721
- Mrr@50 on reranking devself-reported0.790
- Ndcg@50 on reranking devself-reported0.807