πŸ”₯ cupidon-small-ro

Here comes cupidon-small-ro β€” small in name, but ready to play with the big models. Fine-tuned from the powerful sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2, this sentence-transformers model captures Romanian sentence meaning with impressive accuracy. It’s compact enough to stay efficient, but packs a semantic punch that hits deep. Think of it as the model that proves "small" can still break hearts β€” especially in semantic textual similarity, search, or clustering. πŸ’”πŸ’¬

Usage (Sentence-Transformers)

Using this model becomes easy when you have sentence-transformers installed:

pip install -U sentence-transformers

Then you can use the model like this:

from sentence_transformers import SentenceTransformer
sentences = ["This is an example sentence", "Each sentence is converted"]

model = SentenceTransformer('BlackKakapo/cupidon-small-ro')
embeddings = model.encode(sentences)
print(embeddings)

Usage (HuggingFace Transformers)

Without sentence-transformers, you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.

from transformers import AutoTokenizer, AutoModel
import torch


#Mean Pooling - Take attention mask into account for correct averaging
def mean_pooling(model_output, attention_mask):
    token_embeddings = model_output[0] #First element of model_output contains all token embeddings
    input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
    return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)


# Sentences we want sentence embeddings for
sentences = ['This is an example sentence', 'Each sentence is converted']

# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained('BlackKakapo/cupidon-small-ro')
model = AutoModel.from_pretrained('BlackKakapo/cupidon-small-ro')

License

This dataset is licensed under Apache 2.0.

Citation

If you use BlackKakapo/cupidon-mini-ro in your research, please cite this model as follows:

@misc{ro_sts_corpus,
  title={BlackKakapo/cupidon-small-ro},
  author={BlackKakapo},
  year={2025},
}
Downloads last month
10
Safetensors
Model size
118M params
Tensor type
F32
Β·
Inference Providers NEW
This model is not currently available via any of the supported Inference Providers.

Model tree for BlackKakapo/cupidon-small-ro

Dataset used to train BlackKakapo/cupidon-small-ro

Collection including BlackKakapo/cupidon-small-ro