Faster R-CNN - Pascal Visual Object Classes (VOC) Fine-tuned

Faster R-CNN model fine-tuned on Pascal VOC dataset to mitigate hallucination on out-of-distribution data for improved general object detection performance.

Model Details

  • Model Type: Faster R-CNN Object Detection
  • Dataset: Pascal Visual Object Classes (VOC)
  • Training Method: fine-tuned to mitigate hallucination on out-of-distribution data
  • Framework: PyTorch
  • Task: Object Detection

Dataset Information

This model was trained on the Pascal Visual Object Classes (VOC) dataset, which contains the following object classes:

aeroplane, bicycle, bird, boat, bottle, bus, car, cat, chair, cow, diningtable, dog, horse, motorbike, person, pottedplant, sheep, sofa, train, tvmonitor

Dataset-specific Details:

Pascal Visual Object Classes (VOC) Dataset:

  • Standard benchmark dataset for object detection
  • Contains 20 object classes representing common objects
  • Widely used for evaluating computer vision models
  • High-quality annotations with precise bounding boxes

Usage

This model can be used with PyTorch and common object detection frameworks:

import torch
import torchvision.transforms as transforms
from PIL import Image

# Load the model (example using torchvision)
model = torch.load('path/to/model.pth')
model.eval()

# Prepare your image
transform = transforms.Compose([
    transforms.ToTensor(),
])

image = Image.open('path/to/image.jpg')
image_tensor = transform(image).unsqueeze(0)

# Run inference
with torch.no_grad():
    predictions = model(image_tensor)

# Process results
boxes = predictions[0]['boxes']
scores = predictions[0]['scores']
labels = predictions[0]['labels']

Model Performance

This model was fine-tuned to mitigate hallucination on out-of-distribution data on the Pascal Visual Object Classes (VOC) dataset using Faster R-CNN architecture.

Fine-tuning Objective: This model was specifically fine-tuned to mitigate hallucination on out-of-distribution (OOD) data, improving robustness when encountering images that differ from the training distribution.

Architecture

Faster R-CNN (Region-based Convolutional Neural Network) is a two-stage object detection framework:

  1. Region Proposal Network (RPN): Generates object proposals
  2. Fast R-CNN detector: Classifies proposals and refines bounding box coordinates

Key advantages:

  • High accuracy object detection
  • Precise localization
  • Good performance on small objects
  • Well-established architecture with extensive research backing

Intended Use

  • Primary Use: Object detection in general computer vision applications
  • Suitable for: Research, development, and deployment of object detection systems
  • Limitations: Performance may vary on images significantly different from the training distribution

Citation

If you use this model, please cite:

@article{ren2015faster,
  title={Faster r-cnn: Towards real-time object detection with region proposal networks},
  author={Ren, Shaoqing and He, Kaiming and Girshick, Ross and Sun, Jian},
  journal={Advances in neural information processing systems},
  volume={28},
  year={2015}
}

License

This model is released under the MIT License.

Keywords

Faster R-CNN, Object Detection, Computer Vision, Pascal-VOC, Autonomous Driving, Deep Learning, Two-Stage Detection

Downloads last month

-

Downloads are not tracked for this model. How to track
Inference Providers NEW
This model isn't deployed by any Inference Provider. ๐Ÿ™‹ Ask for provider support

Evaluation results