ResNet-152 项目介绍
概述
ResNet-152 是一种预训练于 ImageNet-1k 数据集上的卷积神经网络模型,具有 152 层深度。该模型由何凯明等人在其论文《深度残差学习用于图像识别》中提出。ResNet 模型的核心思想是通过残差学习和跳跃连接技术,使得能够训练更深层的网络。
模型版本与特点
ResNet-152 属于 ResNet v1.5 版本,与最初版本相比,该版本在瓶颈模块中,将下采样的操作从 1x1 卷积移到了 3x3 卷积。这一改动虽然带来了微小性能下降(大约每秒处理图像数量减少 5%),但却提高了准确率,提升了大约 0.5% 的 Top-1 准确率。
模型用途及限制
ResNet-152 模型主要用于图像分类任务。用户可以利用该模型直接进行原始图像的分类任务,或者在感兴趣的任务上进行微调。更多的微调版本可以在 模型中心 找到。
使用方法
以下是利用 ResNet-152 对 COCO 2017 数据集中的图像进行分类的代码示例,目标是将图像分类到 1,000 个 ImageNet 类别中的一个:
from transformers import AutoFeatureExtractor, ResNetForImageClassification
import torch
from datasets import load_dataset
# 加载数据集
dataset = load_dataset("huggingface/cats-image")
image = dataset["test"]["image"][0]
# 初始化特征提取器与模型
feature_extractor = AutoFeatureExtractor.from_pretrained("microsoft/resnet-152")
model = ResNetForImageClassification.from_pretrained("microsoft/resnet-152")
# 特征提取
inputs = feature_extractor(image, return_tensors="pt")
# 模型预测
with torch.no_grad():
logits = model(**inputs).logits
# 获取预测的类别标签
predicted_label = logits.argmax(-1).item()
print(model.config.id2label[predicted_label])
更多的使用示例可以参阅 文档。
参考文献
如果需要引用此项研究,可以参考以下 BibTeX 条目:
@inproceedings{he2016deep,
title={Deep residual learning for image recognition},
author={He, Kaiming and Zhang, Xiangyu and Ren, Shaoqing and Sun, Jian},
booktitle={Proceedings of the IEEE conference on computer vision and pattern recognition},
pages={770--778},
year={2016}
}