Exploring Vision Language Models for Facial Attribute Recognition: Emotion, Race, Gender, and Age
Paper
β’
2410.24148
β’
Published
β’
2
from PIL import Image
import torch
from transformers import PaliGemmaProcessor, PaliGemmaForConditionalGeneration, BitsAndBytesConfig, TrainingArguments, Trainer
model = PaliGemmaForConditionalGeneration.from_pretrained('NYUAD-ComNets/FaceScanPaliGemma_Gender',torch_dtype=torch.bfloat16)
input_text = "what is the gender of the person in the image?"
processor = PaliGemmaProcessor.from_pretrained("google/paligemma-3b-pt-224")
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
model.to(device)
input_image = Image.open('image_path')
inputs = processor(text=input_text, images=input_image, padding="longest", do_convert_rgb=True, return_tensors="pt").to(device)
inputs = inputs.to(dtype=model.dtype)
with torch.no_grad():
output = model.generate(**inputs, max_length=500)
result=processor.decode(output[0], skip_special_tokens=True)[len(input_text):].strip()
This model is a fine-tuned version of google/paligemma-3b-pt-224 on the FairFace dataset. The model aims to classify the gender of face image or image with one person into Male and Female
Accuracy: 95.8 %, F1 score: 96 %
This model is used for research purposes
FairFace dataset was used for training and validating the model
The following hyperparameters were used during training:
The model has an accuracy of %
@article{aldahoul2024exploring,
title={Exploring Vision Language Models for Facial Attribute Recognition: Emotion, Race, Gender, and Age},
author={AlDahoul, Nouar and Tan, Myles Joshua Toledo and Kasireddy, Harishwar Reddy and Zaki, Yasir},
journal={arXiv preprint arXiv:2410.24148},
year={2024}
}
@misc{ComNets,
url={https://huggingface.co/NYUAD-ComNets/FaceScanPaliGemma_Gender](https://huggingface.co/NYUAD-ComNets/FaceScanPaliGemma_Gender)},
title={FaceScanPaliGemma_Gender},
author={Nouar AlDahoul, Yasir Zaki}
}
The FaceScanPaliGemma model processes highly sensitive biometric data (facial attributes). Deployment of this model must follow strict governance frameworks to ensure responsible and ethical use.
We encourage the community to report issues, biases, or misuse of this model through the Hugging Face Hub discussion forum.
Base model
google/paligemma-3b-pt-224