🚀 リモートセンシング用屋根検出モデル
このモデルは、リモートセンシングタスクにおける屋根検出を行うためのものです。高精度な物体検出を実現し、衛星画像から屋根を効率的に検出します。
🚀 クイックスタート
以下のコードを使用して、モデルを始めることができます。
基本的な使用法
from transformers import AutoModelForObjectDetection, AutoImageProcessor
import torch
import cv2
image_path=YOUR_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")
CONFIDENCE_TRESHOLD = 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=CONFIDENCE_TRESHOLD,
target_sizes=target_sizes
)[0]
✨ 主な機能
- リモートセンシングタスクに特化した物体検出機能を備えています。
- 高精度な屋根検出を実現し、衛星画像から屋根を正確に検出します。
📚 ドキュメント
モデルの詳細
モデルの説明
- モデルタイプ:リモートセンシングタスク用の物体検出モデルです。
- ライセンス:MIT
モデルのソース
モデルの制限事項
ユーザー(直接的なユーザーと下流のユーザーの両方)は、モデルのリスク、バイアス、および制限事項を認識する必要があります。
📄 ライセンス
このモデルはMITライセンスの下で提供されています。
📦 モデル情報
属性 |
詳情 |
ベースモデル |
PekingU/rtdetr_r101vd_coco_o365 |
データセット |
keremberke/satellite-building-segmentation |
ライブラリ名 |
transformers |
ライセンス |
MIT |
評価指標 |
Average Precision (AP)、Average Recall (AR) |
パイプラインタグ |
object-detection |
タグ |
remote sensing、object detection |
📊 モデルの評価結果
モデル名:rt-detr-finetuned-for-satellite-image-roofs-detection
評価指標 |
値 |
詳細 |
AP (IoU=0.50:0.95) |
0.434 |
AP @ IoU=0.50:0.95 | area=all | maxDets=100 |
AP (IoU=0.50) |
0.652 |
AP @ IoU=0.50 | area=all | maxDets=100 |
AP (IoU=0.75) |
0.464 |
AP @ IoU=0.75 | area=all | maxDets=100 |
AP (IoU=0.50:0.95) small objects |
0.248 |
AP @ IoU=0.50:0.95 | area=small | maxDets=100 |
AP (IoU=0.50:0.95) medium objects |
0.510 |
AP @ IoU=0.50:0.95 | area=medium | maxDets=100 |
AP (IoU=0.50:0.95) large objects |
0.632 |
AP @ IoU=0.50:0.95 | area=large | maxDets=100 |
AR (IoU=0.50:0.95) maxDets=1 |
0.056 |
AR @ IoU=0.50:0.95 | area=all | maxDets=1 |
AR (IoU=0.50:0.95) maxDets=10 |
0.328 |
AR @ IoU=0.50:0.95 | area=all | maxDets=10 |
AR (IoU=0.50:0.95) maxDets=100 |
0.519 |
AR @ IoU=0.50:0.95 | area=all | maxDets=100 |
AR (IoU=0.50:0.95) small objects |
0.337 |
AR @ IoU=0.50:0.95 | area=small | maxDets=100 |
AR (IoU=0.50:0.95) medium objects |
0.601 |
AR @ IoU=0.50:0.95 | area=medium | maxDets=100 |
AR (IoU=0.50:0.95) large objects |
0.714 |
AR @ IoU=0.50:0.95 | area=large | maxDets=100 |