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.

Colab Notebook

Model Details

Model Description

Model Sources

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 and answer
  • 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 and answer
  • 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: steps
  • per_device_train_batch_size: 16
  • per_device_eval_batch_size: 16
  • learning_rate: 2e-05
  • num_train_epochs: 1
  • warmup_ratio: 0.1
  • fp16: True
  • batch_sampler: no_duplicates
  • router_mapping: {'query': 'query', 'answer': 'document'}
  • learning_rate_mapping: {'SparseStaticEmbedding\.weight': 0.001}

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: steps
  • prediction_loss_only: True
  • per_device_train_batch_size: 16
  • per_device_eval_batch_size: 16
  • 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: 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: 1
  • max_steps: -1
  • lr_scheduler_type: linear
  • 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: True
  • 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: no_duplicates
  • multi_dataset_batch_sampler: proportional
  • router_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}
}
Downloads last month

-

Downloads are not tracked for this model. How to track
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Model tree for Omartificial-Intelligence-Space/inference-free-splade-distilbert-base-Arabic-cased-nq

Finetuned
(296)
this model

Dataset used to train Omartificial-Intelligence-Space/inference-free-splade-distilbert-base-Arabic-cased-nq