英文

数据高效图像变换器(基础模型)

数据高效图像变换器(DeiT)模型在ImageNet-1k(100万张图像,1000个类别)上进行了预训练和微调,分辨率为384x384。它首次在Touvron等人的论文 Training data-efficient image transformers & distillation through attention 中介绍,并在 this repository 中首次发布。然而,权重是由Ross Wightman从 timm repository 转换而来。

声明:发布DeiT的团队没有为这个模型编写模型卡片,因此这个模型卡片是由Hugging Face团队编写的。

模型描述

该模型实际上是一个更高效训练的视觉变换器(ViT)。

视觉变换器(ViT)是一个在分辨率224上进行预训练并在384上进行微调的变换器编码器模型(类似于BERT),通过对大量图像进行监督式训练,即ImageNet-1k。

图像被展示给模型作为一系列固定大小的图块(16x16分辨率),它们被线性嵌入。在序列的开头添加一个[CLS]标记,以便用于分类任务。在将序列输入Transformer编码器的层之前,还添加了绝对位置嵌入。

通过预训练模型,它学习了图像的内部表示,然后可以用于提取对下游任务有用的特征:例如,如果您有一个带有标签的图像数据集,您可以在预训练的编码器之上放置一个线性层来训练一个标准分类器。通常情况下,线性层会放置在[CLS]标记之上,因为这个标记的最后隐藏状态可以看作是整个图像的表示。

使用目的和限制

您可以使用原始模型进行图像分类。查看 model hub 以查找您感兴趣的任务的微调版本。

如何使用

由于这个模型是一个更高效训练的ViT模型,您可以将其插入ViTModel或ViTForImageClassification中。请注意,模型期望使用DeiTFeatureExtractor准备数据。在这里,我们使用AutoFeatureExtractor,它将根据模型名称自动使用适当的特征提取器。

以下是如何使用这个模型将COCO 2017数据集的图像分类为1,000个ImageNet类别之一:

from transformers import AutoFeatureExtractor, ViTForImageClassification
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-base-patch16-384')
model = ViTForImageClassification.from_pretrained('facebook/deit-base-patch16-384')
inputs = feature_extractor(images=image, return_tensors="pt")
outputs = model(**inputs)
logits = outputs.logits
# model predicts one of the 1000 ImageNet classes
predicted_class_idx = logits.argmax(-1).item()
print("Predicted class:", model.config.id2label[predicted_class_idx])

目前,特征提取器和模型都支持PyTorch。Tensorflow和JAX/FLAX即将推出。

训练数据

ViT模型在 ImageNet-1k 上进行了预训练,该数据集包含100万张图像和1k个类别。

训练过程

预处理

关于训练/验证期间图像的预处理的确切细节可以在 here 中找到。

在推理时,图像被调整大小/重新缩放到相同的分辨率(438x438),在384x384处进行中心裁剪,并以ImageNet的均值和标准差对RGB通道进行归一化。

预训练

该模型在一个8-GPU节点上进行了3天的单节点训练。预训练分辨率为224。有关所有超参数(例如批处理大小和学习率),请参阅原始论文的表9。

评估结果

Model ImageNet top-1 accuracy ImageNet top-5 accuracy # params URL
DeiT-tiny 72.2 91.1 5M 12310321
DeiT-small 79.9 95.0 22M 12311321
DeiT-base 81.8 95.6 86M 12312321
DeiT-tiny distilled 74.5 91.9 6M 12313321
DeiT-small distilled 81.2 95.4 22M 12314321
DeiT-base distilled 83.4 96.5 87M 12315321
DeiT-base 384 82.9 96.2 87M 12316321
DeiT-base distilled 384 (1000 epochs) 85.2 97.2 88M 12317321

请注意,对于微调,最好的结果是通过更高的分辨率(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}
}