nielsr HF staff commited on
Commit
7bcdcde
1 Parent(s): c437d7c

First draft of model card

Browse files
Files changed (1) hide show
  1. README.md +85 -0
README.md ADDED
@@ -0,0 +1,85 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ tags:
4
+ ---
5
+
6
+ # Vision Transformer (base-sized model)
7
+
8
+ Vision Transformer (ViT) model pre-trained on ImageNet-21k (14 million images, 21,843 classes) at resolution 224x224. It was introduced in the paper [An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale](https://arxiv.org/abs/2010.11929) by Dosovitskiy et al. and first released in [this repository](https://github.com/google-research/vision_transformer). However, the weights were converted from the [timm repository](https://github.com/rwightman/pytorch-image-models) by Ross Wightman, who already converted the weights from JAX to PyTorch. Credits go to him.
9
+
10
+ Disclaimer: The team releasing ViT did not write a model card for this model so this model card has been written by the Hugging Face team.
11
+
12
+ ## Model description
13
+
14
+ The Vision Transformer (ViT) is a transformer encoder model (BERT-like) pretrained on a large collection of images in a supervised fashion, namely ImageNet-21k, at a resolution of 224x224 pixels.
15
+
16
+ Images are presented to the model as a sequence of fixed-size patches (resolution 16x16), which are linearly embedded. One also adds a [CLS] token to the beginning of a sequence to use it for classification tasks. One also adds absolute position embeddings before feeding the sequence to the layers of the Transformer encoder.
17
+
18
+ Note that this model does not provide any fine-tuned heads, as these were zero'd by Google researchers. However, the model does include the pre-trained pooler, which can be used for downstream tasks (such as image classification).
19
+
20
+ By pre-training the model, it learns an inner representation of images that can then be used to extract features useful for downstream tasks: if you have a dataset of labeled images for instance, you can train a standard classifier by placing a linear layer on top of the pre-trained encoder. One typically places a linear layer on top of the [CLS] token, as the last hidden state of this token can be seen as a representation of an entire image.
21
+
22
+ ## Intended uses & limitations
23
+
24
+ You can use the raw model for object detection. See the [model hub](https://huggingface.co/models?search=facebook/detr) to look for all available DETR models.
25
+
26
+ ### How to use
27
+
28
+ Here is how to use this model:
29
+
30
+ ```python
31
+ from transformers import ViTFeatureExtractor, ViTModel
32
+ from PIL import Image
33
+ import requests
34
+ url = 'http://images.cocodataset.org/val2017/000000039769.jpg'
35
+ image = Image.open(requests.get(url, stream=True).raw)
36
+ feature_extractor = ViTFeatureExtractor.from_pretrained('google/vit-base-patch16-224-in21k')
37
+ model = ViTModel.from_pretrained('google/vit-base-patch16-224-in21k')
38
+ inputs = feature_extractor(images=image, return_tensors="pt")
39
+ outputs = model(**inputs)
40
+ last_hidden_states = outputs.last_hidden_state
41
+ ```
42
+
43
+ Currently, both the feature extractor and model support PyTorch.
44
+
45
+ ## Training data
46
+
47
+ The DETR model was trained on [COCO 2017 object detection](https://cocodataset.org/#download), a dataset consisting of 118k/5k annotated images for training/validation respectively.
48
+
49
+ ## Training procedure
50
+
51
+ ### Preprocessing
52
+
53
+ The exact details of preprocessing of images during training/validation can be found [here](https://github.com/google-research/vision_transformer/blob/master/vit_jax/input_pipeline.py).
54
+
55
+ Images are resized/rescaled such that the shortest side is at least 800 pixels and the largest side at most 1333 pixels, and normalized across the RGB channels with the ImageNet mean (0.485, 0.456, 0.406) and standard deviation (0.229, 0.224, 0.225).
56
+
57
+ ### Training
58
+
59
+ The model was trained for 300 epochs on 16 V100 GPUs. This takes 3 days, with 4 images per GPU (hence a total batch size of 64).
60
+
61
+ ## Evaluation results
62
+
63
+ This model achieves an AP (average precision) of 42.0 on COCO 2017 validation. For more details regarding evaluation results, we refer to table 1 of the original paper.
64
+ ### BibTeX entry and citation info
65
+
66
+ ```bibtex
67
+ @article{DBLP:journals/corr/abs-2005-12872,
68
+ author = {Nicolas Carion and
69
+ Francisco Massa and
70
+ Gabriel Synnaeve and
71
+ Nicolas Usunier and
72
+ Alexander Kirillov and
73
+ Sergey Zagoruyko},
74
+ title = {End-to-End Object Detection with Transformers},
75
+ journal = {CoRR},
76
+ volume = {abs/2005.12872},
77
+ year = {2020},
78
+ url = {https://arxiv.org/abs/2005.12872},
79
+ archivePrefix = {arXiv},
80
+ eprint = {2005.12872},
81
+ timestamp = {Thu, 28 May 2020 17:38:09 +0200},
82
+ biburl = {https://dblp.org/rec/journals/corr/abs-2005-12872.bib},
83
+ bibsource = {dblp computer science bibliography, https://dblp.org}
84
+ }
85
+ ```