🚀 蒸馏数据高效图像变换器(微型模型)
本项目是一个用于图像分类的模型。该模型在 ImageNet-1k 数据集上进行预训练和微调,能有效对图像进行分类,为图像分类任务提供了高效的解决方案。
🚀 快速开始
蒸馏数据高效图像变换器(DeiT)模型在 ImageNet-1k(100 万张图像,1000 个类别)上以 224x224 的分辨率进行了预训练和微调。它最早由 Touvron 等人在论文 Training data-efficient image transformers & distillation through attention 中提出,并首次在 此仓库 发布。不过,其权重是由 Ross Wightman 从 timm 仓库 转换而来。
免责声明:发布 DeiT 的团队并未为此模型撰写模型卡片,此模型卡片由 Hugging Face 团队编写。
✨ 主要特性
- 蒸馏机制:该模型是一个蒸馏视觉变换器(ViT),除了类别标记外,还使用了一个蒸馏标记,以便在预训练和微调过程中有效地从教师模型(CNN)中学习。蒸馏标记通过反向传播学习,通过自注意力层与类别([CLS])和补丁标记进行交互。
- 图像输入处理:图像以固定大小的补丁序列(分辨率 16x16)呈现给模型,并进行线性嵌入。
📦 安装指南
文档未提及安装步骤,可参考相关依赖库(如 transformers
)的官方安装说明进行安装。
💻 使用示例
基础用法
以下是如何使用此模型将 COCO 2017 数据集中的图像分类为 1000 个 ImageNet 类别之一的示例:
from transformers import AutoFeatureExtractor, DeiTForImageClassificationWithTeacher
from PIL import Image
import requests
url = 'http://images.cocodataset.org/val2017/000000039769.jpg'
image = Image.open(requests.get(url, stream=True).raw)
feature_extractor = AutoFeatureExtractor.from_pretrained('facebook/deit-tiny-distilled-patch16-224')
model = DeiTForImageClassificationWithTeacher.from_pretrained('facebook/deit-tiny-distilled-patch16-224')
inputs = feature_extractor(images=image, return_tensors="pt")
outputs = model(**inputs)
logits = outputs.logits
predicted_class_idx = logits.argmax(-1).item()
print("Predicted class:", model.config.id2label[predicted_class_idx])
目前,特征提取器和模型都支持 PyTorch。Tensorflow 和 JAX/FLAX 即将支持。
📚 详细文档
预期用途和限制
可以使用原始模型进行图像分类。请查看 模型中心 以查找针对您感兴趣的任务进行微调的版本。
训练数据
该模型在 ImageNet-1k 上进行了预训练和蒸馏微调,这是一个由 100 万张图像和 1000 个类别组成的数据集。
训练过程
预处理
训练/验证期间图像预处理的确切细节可在 此处 找到。
在推理时,图像会被调整/缩放为相同的分辨率(256x256),在 224x224 处进行中心裁剪,并使用 ImageNet 的均值和标准差在 RGB 通道上进行归一化。
预训练
该模型在单个 8-GPU 节点上训练了 3 天。训练分辨率为 224。关于所有超参数(如批量大小和学习率),请参考原始论文的表 9。
评估结果
模型 |
ImageNet 前 1 准确率 |
ImageNet 前 5 准确率 |
参数数量 |
URL |
DeiT-tiny |
72.2 |
91.1 |
5M |
https://huggingface.co/facebook/deit-tiny-patch16-224 |
DeiT-small |
79.9 |
95.0 |
22M |
https://huggingface.co/facebook/deit-small-patch16-224 |
DeiT-base |
81.8 |
95.6 |
86M |
https://huggingface.co/facebook/deit-base-patch16-224 |
DeiT-tiny 蒸馏版 |
74.5 |
91.9 |
6M |
https://huggingface.co/facebook/deit-tiny-distilled-patch16-224 |
DeiT-small 蒸馏版 |
81.2 |
95.4 |
22M |
https://huggingface.co/facebook/deit-small-distilled-patch16-224 |
DeiT-base 蒸馏版 |
83.4 |
96.5 |
87M |
https://huggingface.co/facebook/deit-base-distilled-patch16-224 |
DeiT-base 384 |
82.9 |
96.2 |
87M |
https://huggingface.co/facebook/deit-base-patch16-384 |
DeiT-base 蒸馏版 384(1000 个 epoch) |
85.2 |
97.2 |
88M |
https://huggingface.co/facebook/deit-base-distilled-patch16-384 |
请注意,对于微调,使用更高的分辨率(384x384)可获得最佳结果。当然,增加模型大小会带来更好的性能。
BibTeX 引用和引用信息
@misc{touvron2021training,
title={Training data-efficient image transformers & distillation through attention},
author={Hugo Touvron and Matthieu Cord and Matthijs Douze and Francisco Massa and Alexandre Sablayrolles and Hervé Jégou},
year={2021},
eprint={2012.12877},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
@misc{wu2020visual,
title={Visual Transformers: Token-based Image Representation and Processing for Computer Vision},
author={Bichen Wu and Chenfeng Xu and Xiaoliang Dai and Alvin Wan and Peizhao Zhang and Zhicheng Yan and Masayoshi Tomizuka and Joseph Gonzalez and Kurt Keutzer and Peter Vajda},
year={2020},
eprint={2006.03677},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
@inproceedings{deng2009imagenet,
title={Imagenet: A large-scale hierarchical image database},
author={Deng, Jia and Dong, Wei and Socher, Richard and Li, Li-Jia and Li, Kai and Fei-Fei, Li},
booktitle={2009 IEEE conference on computer vision and pattern recognition},
pages={248--255},
year={2009},
organization={Ieee}
}
📄 许可证
本项目采用 Apache-2.0 许可证。