基础模型: 北京大学/rtdetr_r101vd_coco_o365
数据集: keremberke/satellite-building-segmentation
库名称: transformers
许可证: mit
评估指标:
- 平均精度(AP)
- 平均召回率(AR)
任务标签: 目标检测
标签:
- 遥感
- 目标检测
演示组件:
- 输入图像: img.png
输出结果:
链接: img.png
模型索引:
- 名称: 卫星图像屋顶检测微调RT-DETR模型
测试结果:
- 任务类型: 目标检测
数据集:
名称: keremberke/satellite-building-segmentation
类型: 图像分割
指标:
- 类型: AP (IoU=0.50:0.95)
值: 0.434
名称: AP @ IoU=0.50:0.95 | 区域=全部 | 最大检测=100
- 类型: AP (IoU=0.50)
值: 0.652
名称: AP @ IoU=0.50 | 区域=全部 | 最大检测=100
- 类型: AP (IoU=0.75)
值: 0.464
名称: AP @ IoU=0.75 | 区域=全部 | 最大检测=100
- 类型: AP (IoU=0.50:0.95) 小目标
值: 0.248
名称: AP @ IoU=0.50:0.95 | 区域=小目标 | 最大检测=100
- 类型: AP (IoU=0.50:0.95) 中目标
值: 0.510
名称: AP @ IoU=0.50:0.95 | 区域=中目标 | 最大检测=100
- 类型: AP (IoU=0.50:0.95) 大目标
值: 0.632
名称: AP @ IoU=0.50:0.95 | 区域=大目标 | 最大检测=100
- 类型: AR (IoU=0.50:0.95) 最大检测=1
值: 0.056
名称: AR @ IoU=0.50:0.95 | 区域=全部 | 最大检测=1
- 类型: AR (IoU=0.50:0.95) 最大检测=10
值: 0.328
名称: AR @ IoU=0.50:0.95 | 区域=全部 | 最大检测=10
- 类型: AR (IoU=0.50:0.95) 最大检测=100
值: 0.519
名称: AR @ IoU=0.50:0.95 | 区域=全部 | 最大检测=100
- 类型: AR (IoU=0.50:0.95) 小目标
值: 0.337
名称: AR @ IoU=0.50:0.95 | 区域=小目标 | 最大检测=100
- 类型: AR (IoU=0.50:0.95) 中目标
值: 0.601
名称: AR @ IoU=0.50:0.95 | 区域=中目标 | 最大检测=100
- 类型: AR (IoU=0.50:0.95) 大目标
值: 0.714
名称: AR @ IoU=0.50:0.95 | 区域=大目标 | 最大检测=100
模型卡片
遥感任务中的屋顶检测模型。
模型详情
模型描述
- 模型类型: 面向遥感任务的目标检测
- 许可证: MIT
模型来源
局限性
用户(包括直接使用者和下游使用者)应当了解该模型存在的风险、偏差和技术限制。
快速开始指南
使用以下代码快速启动模型:
from transformers import AutoModelForObjectDetection, AutoImageProcessor
import torch
import cv2
image_path=您的图片路径
image = cv2.imread(image_path)
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
model = AutoModelForObjectDetection.from_pretrained("Yifeng-Liu/rt-detr-finetuned-for-satellite-image-roofs-detection")
image_processor = AutoImageProcessor.from_pretrained("Yifeng-Liu/rt-detr-finetuned-for-satellite-image-roofs-detection")
置信度阈值 = 0.5
with torch.no_grad():
model.to(device)
inputs = image_processor(images=image, return_tensors='pt').to(device)
outputs = model(**inputs)
target_sizes = torch.tensor([image.shape[:2]]).to(device)
results = image_processor.post_process_object_detection(
outputs=outputs,
threshold=置信度阈值,
target_sizes=target_sizes
)[0]