Dataset Viewer

The dataset viewer is not available because its heuristics could not detect any supported data files. You can try uploading some data files, or configuring the data files location manually.

DLGenAI Age & Gender Prediction Dataset

This dataset hosts the fine-tuned ResNet18 model weights for the DLGenAI Project – Age and Gender Prediction task.
It was trained on a dataset of facial images to predict two targets:

  • Age (regression)
  • Gender (binary classification: 0 = Female, 1 = Male)

Model Details

  • Architecture: ResNet18 (pretrained on ImageNet)
  • Fine-tuned epochs: 10
  • Optimizer: AdamW
  • Loss functions: BCEWithLogitsLoss + MSELoss (weighted)
  • Final validation loss: ~32.8
  • Kaggle Leaderboard Score: ~0.53 (public leaderboard)

Files

  • resnet18_dualhead.pt – fine-tuned model weights

Usage

You can load the model directly in PyTorch:

from huggingface_hub import hf_hub_download
import torch

ckpt = hf_hub_download("lokeshjadhav/dlgenai-nppe-dataset", "resnet18_dualhead.pt")
model.load_state_dict(torch.load(ckpt, map_location="cpu"))
Downloads last month
2

Space using lokeshjadhav/dlgenai-nppe-dataset 1