🚀 模型ID的模型卡片
本模型旨在用於特定的圖像識別任務,通過特定的算法和架構,為用戶提供準確的圖像分析結果。
📚 詳細文檔
模型詳情
模型描述
屬性 |
詳情 |
開發者 |
[待補充更多信息] |
共享者(可選) |
[待補充更多信息] |
模型類型 |
[待補充更多信息] |
語言(NLP) |
[待補充更多信息] |
許可證 |
[待補充更多信息] |
微調自的模型(可選) |
[待補充更多信息] |
模型來源(可選)
💻 使用示例
基礎用法
from typing import Dict
import numpy as np
from datasets import load_dataset
from matplotlib import cm
from PIL import Image
from torch import Tensor
from transformers import AutoImageProcessor, AutoModel
model = AutoModel.from_pretrained("RGBD-SOD/bbsnet", trust_remote_code=True)
image_processor = AutoImageProcessor.from_pretrained(
"RGBD-SOD/bbsnet", trust_remote_code=True
)
dataset = load_dataset("RGBD-SOD/test", "v1", split="train", cache_dir="data")
index = 0
"""
Get a specific sample from the dataset
sample = {
'depth': <PIL.PngImagePlugin.PngImageFile image mode=L size=640x360>,
'rgb': <PIL.PngImagePlugin.PngImageFile image mode=RGB size=640x360>,
'gt': <PIL.PngImagePlugin.PngImageFile image mode=L size=640x360>,
'name': 'COME_Train_5'
}
"""
sample = dataset[index]
depth: Image.Image = sample["depth"]
rgb: Image.Image = sample["rgb"]
gt: Image.Image = sample["gt"]
name: str = sample["name"]
"""
1. Preprocessing step
preprocessed_sample = {
'rgb': tensor([[[[-0.8507, ....0365]]]]),
'gt': tensor([[[[0., 0., 0...., 0.]]]]),
'depth': tensor([[[[0.9529, 0....3490]]]])
}
"""
preprocessed_sample: Dict[str, Tensor] = image_processor.preprocess(sample)
"""
2. Prediction step
output = {
'logits': tensor([[[[-5.1966, ...ackward0>)
}
"""
output: Dict[str, Tensor] = model(
preprocessed_sample["rgb"], preprocessed_sample["depth"]
)
"""
3. Postprocessing step
"""
postprocessed_sample: np.ndarray = image_processor.postprocess(
output["logits"], [sample["gt"].size[1], sample["gt"].size[0]]
)
prediction = Image.fromarray(np.uint8(cm.gist_earth(postprocessed_sample) * 255))
"""
Show the predicted salient map and the corresponding ground-truth(GT)
"""
prediction.show()
gt.show()
下游使用(可選)
[待補充更多信息]
超出適用範圍的使用
[待補充更多信息]
🔧 技術細節
偏差、風險和侷限性
[待補充更多信息]
建議
用戶(直接用戶和下游用戶)應瞭解模型的風險、偏差和侷限性。如需進一步建議,還需更多信息。
如何開始使用模型
使用以下代碼開始使用該模型。
[待補充更多信息]
訓練詳情
訓練數據
[待補充更多信息]
訓練過程
預處理(可選)
[待補充更多信息]
訓練超參數
速度、大小、時間(可選)
[待補充更多信息]
評估
測試數據、因素和指標
測試數據
[待補充更多信息]
因素
[待補充更多信息]
指標
[待補充更多信息]
結果
[待補充更多信息]
總結
[待補充更多信息]
模型檢查(可選)
[待補充更多信息]
環境影響
可以使用 Lacoste等人(2019) 中提出的 機器學習影響計算器 來估算碳排放。
屬性 |
詳情 |
硬件類型 |
[待補充更多信息] |
使用時長 |
[待補充更多信息] |
雲服務提供商 |
[待補充更多信息] |
計算區域 |
[待補充更多信息] |
碳排放 |
[待補充更多信息] |
技術規格(可選)
模型架構和目標
[待補充更多信息]
計算基礎設施
硬件
[待補充更多信息]
軟件
[待補充更多信息]
引用(可選)
BibTeX:
@inproceedings{fan2020bbs,
title={BBS-Net: RGB-D salient object detection with a bifurcated backbone strategy network},
author={Fan, Deng-Ping and Zhai, Yingjie and Borji, Ali and Yang, Jufeng and Shao, Ling},
booktitle={Computer Vision--ECCV 2020: 16th European Conference, Glasgow, UK, August 23--28, 2020, Proceedings, Part XII},
pages={275--292},
year={2020},
organization={Springer}
}
APA:
[待補充更多信息]
術語表(可選)
[待補充更多信息]
更多信息(可選)
[待補充更多信息]
模型卡片作者(可選)
[待補充更多信息]
模型卡片聯繫方式
[待補充更多信息]
📄 許可證
本模型使用MIT許可證。