RedDino-small / README.md
Snarcy's picture
Improve model card for RedDino-small: Update pipeline tag and add GitHub link (#1)
50c97ee verified
metadata
datasets:
  - Elsafty
  - Chula
  - DSE
library_name: timm
license: cc-by-4.0
pipeline_tag: image-feature-extraction
tags:
  - red-blood-cells
  - hematology
  - medical-imaging
  - vision-transformer
  - dino
  - dinov2
  - foundation-model
model-index:
  - name: RedDino-small
    results:
      - task:
          type: image-classification
          name: RBC Shape Classification
        dataset:
          name: Elsafty
          type: Classification
        metrics:
          - type: Weighted F1
            value: 86
          - type: Balanced Accuracy
            value: 87.2
          - type: Accuracy
            value: 86.2
          - type: Weighted F1
            value: 84.3
          - type: Balanced Accuracy
            value: 78.5
          - type: Accuracy
            value: 84.4
          - type: Weighted F1
            value: 84.9
          - type: Balanced Accuracy
            value: 56.5
          - type: Accuracy
            value: 84.9

RedDino: A foundation model for red blood cell analysis

📄 Paper | 💻 Code

RedDino is a self-supervised Vision Transformer foundation model specifically designed for red blood cell (RBC) image analysis. This variant, RedDino-small, is the compact model in the family, delivering strong performance with lighter computational cost.

It leverages a tailored version of the DINOv2 framework, trained on a meticulously curated dataset of 1.25 million RBC images from diverse acquisition modalities and sources. The model excels at extracting robust features for downstream hematology tasks such as shape classification, morphological subtype recognition, and batch-effect–robust analysis.


Model Details

  • Architecture: ViT-small, patch size 14
  • SSL framework: DINOv2 (customized for RBC morphology)
  • Pretraining dataset: Curated RBC images from 18 datasets (multiple modalities and sources)
  • Embedding size: 384
  • Intended use: RBC morphology classification, feature extraction, batch-effect–robust analysis

Notes:

  • Trained with RBC-specific augmentations and DINOv2 customizations (e.g., removal of KoLeo regularizer; Sinkhorn-Knopp centering).
  • Optimized using smear patches rather than only single-cell crops to improve generalization across sources.

Example Usage

from PIL import Image
from torchvision import transforms
import timm
import torch

# Load model from Hugging Face Hub
model = timm.create_model("hf_hub:Snarcy/RedDino-small", pretrained=True)
model.eval()
device = "cuda" if torch.cuda.is_available() else "cpu"
model.to(device)

# Load and preprocess image
image = Image.open("path/to/rbc_image.jpg").convert("RGB")
transform = transforms.Compose([
    transforms.Resize((224, 224)),
    transforms.ToTensor(),
    transforms.Normalize(mean=[0.485, 0.456, 0.406],
                         std=[0.229, 0.224, 0.225]),
])
input_tensor = transform(image).unsqueeze(0).to(device)

# Extract features
with torch.no_grad():
    embedding = model(input_tensor)

📝 Citation

If you use this model, please cite the following paper:

RedDino: A foundation model for red blood cell analysis
Luca Zedda, Andrea Loddo, Cecilia Di Ruberto, Carsten Marr — 2025
Preprint: arXiv:2508.08180. https://arxiv.org/abs/2508.08180

@misc{zedda2025reddinofoundationmodelred,
      title={RedDino: A foundation model for red blood cell analysis}, 
      author={Luca Zedda and Andrea Loddo and Cecilia Di Ruberto and Carsten Marr},
      year={2025},
      eprint={2508.08180},
      archivePrefix={arXiv},
      primaryClass={cs.CV},
      url={https://arxiv.org/abs/2508.08180}, 
}

Summary

RedDino is the first family of foundation models tailored for comprehensive red blood cell image analysis, using large-scale self-supervised learning to set new performance benchmarks and generalization standards for computational hematology. Models and pretrained weights are available for research and practical deployment.