Inference-free SPLADE distilbert-base-multilingual-cased trained on Natural-Questions tuples
This is a Asymmetric Inference-free SPLADE Sparse Encoder model finetuned from distilbert/distilbert-base-multilingual-cased on the arabic-natural-questions dataset using the sentence-transformers library. It maps sentences & paragraphs to a 119547-dimensional sparse vector space and can be used for semantic search and sparse retrieval.
Model Details
Model Description
- Model Type: Asymmetric Inference-free SPLADE Sparse Encoder
- Base model: distilbert/distilbert-base-multilingual-cased
- Maximum Sequence Length: 512 tokens
- Output Dimensionality: 119547 dimensions
- Similarity Function: Dot Product
- Training Dataset:
- Language: ar
- License: apache-2.0
Model Sources
- Documentation: Sentence Transformers Documentation
- Documentation: Sparse Encoder Documentation
- Repository: Sentence Transformers on GitHub
- Hugging Face: Sparse Encoders on Hugging Face
Full Model Architecture
SparseEncoder(
(0): Router(
(query_0_SparseStaticEmbedding): SparseStaticEmbedding({'frozen': False}, dim=119547, tokenizer=DistilBertTokenizerFast)
(document_0_MLMTransformer): MLMTransformer({'max_seq_length': 512, 'do_lower_case': False, 'architecture': 'DistilBertForMaskedLM'})
(document_1_SpladePooling): SpladePooling({'pooling_strategy': 'max', 'activation_function': 'relu', 'word_embedding_dimension': 119547})
)
)
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 SparseEncoder
import numpy as np
def retrieve_top_k(model, queries, documents, top_k=3):
"""
Given a SparseEncoder model, a list of queries and documents,
returns for each query the top_k documents ranked by SPLADE score.
"""
# 1) Encode all queries and documents
query_embeddings = model.encode_query(queries) # shape: [n_queries, vocab_size]
document_embeddings = model.encode_document(documents) # shape: [n_docs, vocab_size]
# 2) Compute pairwise similarity
# result shape: [n_queries, n_docs]
sims = model.similarity(query_embeddings, document_embeddings).cpu().numpy()
# 3) For each query, pick top_k documents
all_results = []
for qi, query in enumerate(queries):
scores = sims[qi]
topk_idx = np.argsort(-scores)[:top_k]
results = [(idx, float(scores[idx]), documents[idx]) for idx in topk_idx]
all_results.append((query, results))
return all_results
if __name__ == "__main__":
# Load the SPLADE‐DistilBERT Arabic model
model_name = "Omartificial-Intelligence-Space/inference-free-splade-distilbert-base-Arabic-cased-nq"
print(f"Loading sparse model {model_name} …")
model = SparseEncoder(model_name)
# Example documents (could be paragraphs from your corpus)
documents = [
"ليونيل ميسي ولد وترعرع في وسط الأرجنتين، وتم تشخيصه بضعف هرمون النمو في طفولته.",
"علم روسيا هناك تفسيرات مختلفة لما تعنيه الألوان: الأبيض للنبلاء، الأزرق للصدق، الأحمر للشجاعة.",
"كانت جمهورية تكساس دولة مستقلة في أمريكا الشمالية من 1836 إلى 1846.",
"تقع مكة المكرمة في غرب المملكة العربية السعودية، وهي أقدس مدن الإسلام.",
"برج خليفة في دبي هو أطول بناء من صنع الإنسان في العالم بارتفاع 828 متراً."
]
# Example queries
queries = [
"من هو ليونيل ميسي؟",
"ما معنى ألوان علم روسيا؟",
"ما هي جمهورية تكساس؟",
"أين تقع مكة المكرمة؟",
"ما هو أطول مبنى في العالم؟"
]
# Retrieve top-3 docs per query
results = retrieve_top_k(model, queries, documents, top_k=2)
# Print nicely
for query, hits in results:
print(f"\nQuery: {query}")
for rank, (doc_idx, score, doc_text) in enumerate(hits, start=1):
print(f" {rank}. (score={score:.4f}) {doc_text}")
Training Details
Training Dataset
arabic-natural-questions
- Dataset: arabic-natural-questions at 2a52bde
- Size: 99,000 training samples
- Columns:
query
andanswer
- Approximate statistics based on the first 1000 samples:
query answer type string string details - min: 7 tokens
- mean: 15.69 tokens
- max: 35 tokens
- min: 10 tokens
- mean: 166.92 tokens
- max: 512 tokens
- Samples:
query answer الذي لعب دور الأب في أبي لا يُوعَظ
أليكس ماك آرثر (بالإنجليزية: Alex McArthur) (ولد في 6 مارس 1957) هو ممثل أمريكي.
أين كان موقع معركة هستيينغز
معركة هستنغز معركة هستنغز[1] عُقدت في 14 أكتوبر 1066 بين الجيش النورماندي الفرنسي لويليام دوق نورماندي والجيش الإنجليزي بقيادة الملك الأنجلو ساكسوني هارولد غودوينسون، وبدأت بذلك الفتح النورماني لإنجلترا. وقعت على بعد حوالي 7 أميال (11 كيلومتر) شمال غرب هستنغز، بالقرب من بلدة باتل الحالية في شرق ساسكس، وكانت انتصاراً نورماندياً حاسماً.
كم عدد الجراء الذي يمكن أن يولدها الكلب
التكاثر الكلابي تم تحديد أكبر حجم للقمامة حتى الآن من قبل مستطيل نابولي في مانيا ، كامبريدجشير ، المملكة المتحدة في 29 نوفمبر 2004 ؛ كان القمامة 24 جروًا. [1]
- Loss:
SpladeLoss
with these parameters:{ "loss": "SparseMultipleNegativesRankingLoss(scale=1.0, similarity_fct='dot_score')", "document_regularizer_weight": 0.003, "query_regularizer_weight": 0 }
Evaluation Dataset
arabic-natural-questions
- Dataset: arabic-natural-questions at 2a52bde
- Size: 1,000 evaluation samples
- Columns:
query
andanswer
- Approximate statistics based on the first 1000 samples:
query answer type string string details - min: 6 tokens
- mean: 15.74 tokens
- max: 30 tokens
- min: 21 tokens
- mean: 170.43 tokens
- max: 512 tokens
- Samples:
query answer أين نهر تيبر في إيطاليا
التايبر (/ taɪbər /، اللاتينية: Tiberis، [1] الإيطالية: Tevere [teːvere]) [2] هو ثالث أطول نهر في إيطاليا، يرتفع في جبال أبينين في إيميليا-رومانيا ويتدفق 406 كيلومتر (252 ميل) عبر توسكانا وأومبريا ولاتسيو، حيث ينضم إليه نهر أنين، إلى بحر تيرينيان، بين أوستيا وفيوميسينو. [3] يستنزف حوض يقدر بنحو 17،375 كيلومتر مربع (6،709 ميل مربع). حقق النهر شهرة دائمة باعتباره مجرى المياه الرئيسي لمدينة روما، التي تأسست على ضفافها الشرقية.
ما نوع السيارة التي يقودها جاي غاتسبي
جي غاتسبي في منزل بيوكانان ، قرر جوردان بيكر ، نيك ، جي ، والبيوكانانز زيارة مدينة نيويورك. استعار توم سيارة رولز رويس الصفراء من غاتسبي للقيادة إلى المدينة. في الطريق إلى مدينة نيويورك ، قام توم بتحويل محطة بنزين في "وادي الرماد" ، وهو جزء من لونغ آيلاند. يشارك المالك ، جورج ويلسون ، قلقه من أن زوجته ، ميرتل ، قد تكون على علاقة غرامية. هذا يزعج توم ، الذي كان على علاقة غرامية مع ميرتل ، ويغادر في عجلة من أمره.
من يغني إذا كنت أستطيع أن أحلم بك
"I Can Dream About You" هي أغنية أداءها المغني الأمريكي دان هارتمان في ألبوم الموسيقى الصوتية لفيلم Streets of Fire. تم إصداره في عام 1984 كأغنية فردية من الموسيقى الصوتية ، وشملت في ألبوم هارتمان I Can Dream About You ، حيث وصلت إلى المركز السادس في Billboard Hot 100. [1]
- Loss:
SpladeLoss
with these parameters:{ "loss": "SparseMultipleNegativesRankingLoss(scale=1.0, similarity_fct='dot_score')", "document_regularizer_weight": 0.003, "query_regularizer_weight": 0 }
Training Hyperparameters
Non-Default Hyperparameters
eval_strategy
: stepsper_device_train_batch_size
: 16per_device_eval_batch_size
: 16learning_rate
: 2e-05num_train_epochs
: 1warmup_ratio
: 0.1fp16
: Truebatch_sampler
: no_duplicatesrouter_mapping
: {'query': 'query', 'answer': 'document'}learning_rate_mapping
: {'SparseStaticEmbedding\.weight': 0.001}
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
: 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
: 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
: 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
: no_duplicatesmulti_dataset_batch_sampler
: proportionalrouter_mapping
: {'query': 'query', 'answer': 'document'}learning_rate_mapping
: {'SparseStaticEmbedding\.weight': 0.001}
Training Logs
Epoch | Step | Training Loss | Validation Loss |
---|---|---|---|
0.0323 | 200 | 1.1587 | - |
0.0646 | 400 | 0.6549 | - |
0.0970 | 600 | 0.5782 | - |
0.1293 | 800 | 0.477 | - |
0.1616 | 1000 | 0.4708 | 0.4608 |
0.1939 | 1200 | 0.4667 | - |
0.2262 | 1400 | 0.4701 | - |
0.2586 | 1600 | 0.448 | - |
0.2909 | 1800 | 0.4574 | - |
0.3232 | 2000 | 0.4382 | 0.4126 |
0.3555 | 2200 | 0.4608 | - |
0.3878 | 2400 | 0.4083 | - |
0.4202 | 2600 | 0.4296 | - |
0.4525 | 2800 | 0.4295 | - |
0.4848 | 3000 | 0.4093 | 0.3794 |
0.5171 | 3200 | 0.4323 | - |
0.5495 | 3400 | 0.3924 | - |
0.5818 | 3600 | 0.3609 | - |
0.6141 | 3800 | 0.3817 | - |
0.6464 | 4000 | 0.377 | 0.3553 |
0.6787 | 4200 | 0.3631 | - |
0.7111 | 4400 | 0.3668 | - |
0.7434 | 4600 | 0.372 | - |
0.7757 | 4800 | 0.3525 | - |
0.8080 | 5000 | 0.3732 | 0.3492 |
0.8403 | 5200 | 0.3669 | - |
0.8727 | 5400 | 0.368 | - |
0.9050 | 5600 | 0.3149 | - |
0.9373 | 5800 | 0.3446 | - |
0.9696 | 6000 | 0.3468 | 0.3380 |
Framework Versions
- Python: 3.10.13
- Sentence Transformers: 5.0.0
- Transformers: 4.47.1
- PyTorch: 2.4.1+cu121
- Accelerate: 1.2.1
- Datasets: 2.21.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",
}
SpladeLoss
@misc{formal2022distillationhardnegativesampling,
title={From Distillation to Hard Negative Sampling: Making Sparse Neural IR Models More Effective},
author={Thibault Formal and Carlos Lassance and Benjamin Piwowarski and Stéphane Clinchant},
year={2022},
eprint={2205.04733},
archivePrefix={arXiv},
primaryClass={cs.IR},
url={https://arxiv.org/abs/2205.04733},
}
SparseMultipleNegativesRankingLoss
@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}
}
FlopsLoss
@article{paria2020minimizing,
title={Minimizing flops to learn efficient sparse representations},
author={Paria, Biswajit and Yeh, Chih-Kuan and Yen, Ian EH and Xu, Ning and Ravikumar, Pradeep and P{'o}czos, Barnab{'a}s},
journal={arXiv preprint arXiv:2004.05665},
year={2020}
}
Inference Providers
NEW
This model isn't deployed by any Inference Provider.
🙋
Ask for provider support