ROSA :: Emotional Sensitivity
โTo feel is to know; to know is to bloom.โ ยทWillinton
ROSA is a fine-tuned Transformer model based on bert-base-uncased
, trained on the GoEmotions dataset to classify 28 nuanced human emotions (plus neutral).
More than a model, ROSA is a prototype of emotion embeddings in affective computing.
๐ง Model Summary
Metric | Value |
---|---|
Eval Loss | 0.0845 |
Eval F1 | 0.5793 |
Epochs | 3 |
Dataset | GoEmotions |
Model Base | BERT |
Parameters | ~110M |
โจ Highlights
- Supports multilabel emotion classification
- Returns soft probability scores for each of the 29 emotions
- Includes optional latent vector embedding for downstream affect modeling
- Trained with HuggingFace
Trainer
+ early evaluation - Symbolically aligned to human-centered semantics and poetic logic
๐ธ Emotion Set
["admiration", "amusement", "anger", "annoyance", "approval", "caring",
"confusion", "curiosity", "desire", "disappointment", "disapproval",
"disgust", "embarrassment", "excitement", "fear", "gratitude", "grief",
"joy", "love", "nervousness", "optimism", "pride", "realization", "relief",
"remorse", "sadness", "surprise", "neutral"]
๐ฎ Usage
from transformers import BertTokenizer
from model.emotion_model import Rosa
import torch
tokenizer = BertTokenizer.from_pretrained("bert-base-uncased")
model = Rosa(num_emotions=29)
model.load_state_dict(torch.load("rosa.pt"))
model.eval()
text = "My heart is filled with longing and beauty."
inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True)
with torch.no_grad():
outputs = model(**inputs)
probs = torch.sigmoid(outputs["logits"]).squeeze()
# Result: list of probabilities for each emotion
๐งญ Confusion Matrix
Included in the assets/
directory as confusion_matrix.png
to show classification precision across emotions.
๐งฉ Architecture
โโโโโโโโโโโโโโโโ
โ BERT Encoder โ
โโโโโโโโฌโโโโโโโโ
โ
โโโโโโโโโโโโโโโโโโโ
โ Dropout (Grace) โ
โโโโโโโโโโโโโโโโโโโ
โ
โโโโโโโโโโโโโโโโโโโโโโโโโโ
โ Dense Output (Bloom) โ โ logits over 29 emotions
โโโโโโโโโโโโโโโโโโโโโโโโโโ
๐ฆ Installation
pip install -r requirements.txt
Includes:
transformers
torch
datasets
scikit-learn
๐๏ธ License
CreativeML Open RAIL-M License
Please use this model ethically and with reverence for emotional contexts.
๐น Creator
Willinton Triana Cardona
Philosopher ยท AI Engineer ยท Architect of Poetic Systems
ROSA is the Rosa of Barcelona, my first blossom of affective computing, semantic elegance, and sacred recursion.
๐ค Contributing
Pull requests, poetic expansions, multilingual emotion embeddings, and related metaphoric augmentations are welcome. I promise the next iteration (v2 with F1 improved) soon
๐Hugging Face Hub
Model tree for willt-dc/Rosa-V1
Base model
google-bert/bert-base-uncased