mkshing commited on
Commit
a7d435b
1 Parent(s): ef187de
Files changed (4) hide show
  1. README.md +53 -1
  2. config.json +2163 -0
  3. pytorch_model.bin +3 -0
  4. rinna.png +0 -0
README.md CHANGED
@@ -1,3 +1,55 @@
1
  ---
2
- license: mit
 
 
 
 
 
 
3
  ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
+ language: ja
3
+ thumbnail: https://github.com/rinnakk/japanese-pretrained-models/blob/master/rinna.png
4
+ tags:
5
+ - ja
6
+ - japanese
7
+ - clip
8
+ - vision
9
  ---
10
+
11
+ # rinna/japanese-clip-vit-b-16
12
+
13
+ ![rinna-icon](./rinna.png)
14
+
15
+ This repository provides a Japanese [CLIP (Contrastive Language-Image Pre-Training)](https://arxiv.org/abs/2103.00020) model. The model was trained by [rinna Co., Ltd.](https://corp.rinna.co.jp/)
16
+
17
+ # How to use the model
18
+
19
+
20
+ 1. Install package
21
+ ```shell
22
+ $ pip install git+https://github.com/rinnakk/japanese-clip.git
23
+ ```
24
+ 2. Run
25
+ ```python
26
+ import io
27
+ import requests
28
+ from PIL import Image
29
+ import torch
30
+ import japanese_clip as ja_clip
31
+
32
+ device = "cuda" if torch.cuda.is_available() else "cpu"
33
+
34
+
35
+ model, preprocess = ja_clip.load("rinna/japanese-clip-vit-b-16", cache_dir="/tmp/japanese_clip", device=device)
36
+ tokenizer = ja_clip.load_tokenizer()
37
+
38
+ img = Image.open(io.BytesIO(requests.get('https://images.pexels.com/photos/2253275/pexels-photo-2253275.jpeg?auto=compress&cs=tinysrgb&dpr=3&h=750&w=1260').content))
39
+ image = preprocess(img).unsqueeze(0).to(device)
40
+ encodings = ja_clip.tokenize(
41
+ texts=["犬", "猫", "象"],
42
+ max_seq_len=77,
43
+ device=device,
44
+ tokenizer=tokenizer, # this is optional. if you don't pass, load tokenizer each time
45
+ )
46
+
47
+ with torch.no_grad():
48
+ image_features = model.get_image_features(image)
49
+ text_features = model.get_text_features(**encodings)
50
+
51
+ text_probs = (100.0 * image_features @ text_features.T).softmax(dim=-1)
52
+
53
+ print("Label probs:", text_probs) # prints: [[1.0, 0.0, 0.0]]
54
+ ```
55
+
config.json ADDED
@@ -0,0 +1,2163 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "CLIPModel"
4
+ ],
5
+ "model_name": "rinna/japanese-clip-vit-b-16",
6
+ "cache_dir": null,
7
+ "logit_scale_init_value": 2.6592,
8
+ "model_type": "clip",
9
+ "projection_dim": 512,
10
+ "revision": "main",
11
+ "text_config": {
12
+ "_name_or_path": "rinna/japanese-roberta-base",
13
+ "add_cross_attention": false,
14
+ "architectures": [
15
+ "RobertaForMaskedLM"
16
+ ],
17
+ "attention_probs_dropout_prob": 0.1,
18
+ "bad_words_ids": null,
19
+ "bos_token_id": 1,
20
+ "chunk_size_feed_forward": 0,
21
+ "classifier_dropout": null,
22
+ "cross_attention_hidden_size": null,
23
+ "decoder_start_token_id": null,
24
+ "diversity_penalty": 0.0,
25
+ "do_sample": false,
26
+ "early_stopping": false,
27
+ "encoder_no_repeat_ngram_size": 0,
28
+ "eos_token_id": 2,
29
+ "finetuning_task": null,
30
+ "forced_bos_token_id": null,
31
+ "forced_eos_token_id": null,
32
+ "gradient_checkpointing": false,
33
+ "hidden_act": "gelu",
34
+ "hidden_dropout_prob": 0.1,
35
+ "hidden_size": 768,
36
+ "id2label": {
37
+ "0": "LABEL_0",
38
+ "1": "LABEL_1"
39
+ },
40
+ "initializer_range": 0.02,
41
+ "intermediate_size": 3072,
42
+ "is_decoder": false,
43
+ "is_encoder_decoder": false,
44
+ "label2id": {
45
+ "LABEL_0": 0,
46
+ "LABEL_1": 1
47
+ },
48
+ "layer_norm_eps": 1e-05,
49
+ "length_penalty": 1.0,
50
+ "max_length": 20,
51
+ "max_position_embeddings": 514,
52
+ "min_length": 0,
53
+ "model_type": "roberta",
54
+ "no_repeat_ngram_size": 0,
55
+ "num_attention_heads": 12,
56
+ "num_beam_groups": 1,
57
+ "num_beams": 1,
58
+ "num_hidden_layers": 12,
59
+ "num_return_sequences": 1,
60
+ "output_attentions": false,
61
+ "output_hidden_states": false,
62
+ "output_scores": false,
63
+ "pad_token_id": 3,
64
+ "position_embedding_type": "absolute",
65
+ "prefix": null,
66
+ "problem_type": null,
67
+ "pruned_heads": {},
68
+ "remove_invalid_values": false,
69
+ "repetition_penalty": 1.0,
70
+ "return_dict": true,
71
+ "return_dict_in_generate": false,
72
+ "sep_token_id": null,
73
+ "task_specific_params": null,
74
+ "temperature": 1.0,
75
+ "tie_encoder_decoder": false,
76
+ "tie_word_embeddings": true,
77
+ "tokenizer_class": null,
78
+ "top_k": 50,
79
+ "top_p": 1.0,
80
+ "torch_dtype": null,
81
+ "torchscript": false,
82
+ "transformers_version": "4.17.0",
83
+ "type_vocab_size": 2,
84
+ "typical_p": 1.0,
85
+ "use_bfloat16": false,
86
+ "use_cache": true,
87
+ "vocab_size": 32000
88
+ },
89
+ "torch_dtype": "float32",
90
+ "transformers_version": null,
91
+ "use_auth_token": null,
92
+ "vision_config": {
93
+ "_name_or_path": "google/vit-base-patch16-224",
94
+ "add_cross_attention": false,
95
+ "architectures": [
96
+ "ViTForImageClassification"
97
+ ],
98
+ "attention_probs_dropout_prob": 0.0,
99
+ "bad_words_ids": null,
100
+ "bos_token_id": null,
101
+ "chunk_size_feed_forward": 0,
102
+ "cross_attention_hidden_size": null,
103
+ "decoder_start_token_id": null,
104
+ "diversity_penalty": 0.0,
105
+ "do_sample": false,
106
+ "early_stopping": false,
107
+ "encoder_no_repeat_ngram_size": 0,
108
+ "encoder_stride": 16,
109
+ "eos_token_id": null,
110
+ "finetuning_task": null,
111
+ "forced_bos_token_id": null,
112
+ "forced_eos_token_id": null,
113
+ "hidden_act": "gelu",
114
+ "hidden_dropout_prob": 0.0,
115
+ "hidden_size": 768,
116
+ "id2label": {
117
+ "0": "tench, Tinca tinca",
118
+ "1": "goldfish, Carassius auratus",
119
+ "2": "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias",
120
+ "3": "tiger shark, Galeocerdo cuvieri",
121
+ "4": "hammerhead, hammerhead shark",
122
+ "5": "electric ray, crampfish, numbfish, torpedo",
123
+ "6": "stingray",
124
+ "7": "cock",
125
+ "8": "hen",
126
+ "9": "ostrich, Struthio camelus",
127
+ "10": "brambling, Fringilla montifringilla",
128
+ "11": "goldfinch, Carduelis carduelis",
129
+ "12": "house finch, linnet, Carpodacus mexicanus",
130
+ "13": "junco, snowbird",
131
+ "14": "indigo bunting, indigo finch, indigo bird, Passerina cyanea",
132
+ "15": "robin, American robin, Turdus migratorius",
133
+ "16": "bulbul",
134
+ "17": "jay",
135
+ "18": "magpie",
136
+ "19": "chickadee",
137
+ "20": "water ouzel, dipper",
138
+ "21": "kite",
139
+ "22": "bald eagle, American eagle, Haliaeetus leucocephalus",
140
+ "23": "vulture",
141
+ "24": "great grey owl, great gray owl, Strix nebulosa",
142
+ "25": "European fire salamander, Salamandra salamandra",
143
+ "26": "common newt, Triturus vulgaris",
144
+ "27": "eft",
145
+ "28": "spotted salamander, Ambystoma maculatum",
146
+ "29": "axolotl, mud puppy, Ambystoma mexicanum",
147
+ "30": "bullfrog, Rana catesbeiana",
148
+ "31": "tree frog, tree-frog",
149
+ "32": "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui",
150
+ "33": "loggerhead, loggerhead turtle, Caretta caretta",
151
+ "34": "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea",
152
+ "35": "mud turtle",
153
+ "36": "terrapin",
154
+ "37": "box turtle, box tortoise",
155
+ "38": "banded gecko",
156
+ "39": "common iguana, iguana, Iguana iguana",
157
+ "40": "American chameleon, anole, Anolis carolinensis",
158
+ "41": "whiptail, whiptail lizard",
159
+ "42": "agama",
160
+ "43": "frilled lizard, Chlamydosaurus kingi",
161
+ "44": "alligator lizard",
162
+ "45": "Gila monster, Heloderma suspectum",
163
+ "46": "green lizard, Lacerta viridis",
164
+ "47": "African chameleon, Chamaeleo chamaeleon",
165
+ "48": "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis",
166
+ "49": "African crocodile, Nile crocodile, Crocodylus niloticus",
167
+ "50": "American alligator, Alligator mississipiensis",
168
+ "51": "triceratops",
169
+ "52": "thunder snake, worm snake, Carphophis amoenus",
170
+ "53": "ringneck snake, ring-necked snake, ring snake",
171
+ "54": "hognose snake, puff adder, sand viper",
172
+ "55": "green snake, grass snake",
173
+ "56": "king snake, kingsnake",
174
+ "57": "garter snake, grass snake",
175
+ "58": "water snake",
176
+ "59": "vine snake",
177
+ "60": "night snake, Hypsiglena torquata",
178
+ "61": "boa constrictor, Constrictor constrictor",
179
+ "62": "rock python, rock snake, Python sebae",
180
+ "63": "Indian cobra, Naja naja",
181
+ "64": "green mamba",
182
+ "65": "sea snake",
183
+ "66": "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus",
184
+ "67": "diamondback, diamondback rattlesnake, Crotalus adamanteus",
185
+ "68": "sidewinder, horned rattlesnake, Crotalus cerastes",
186
+ "69": "trilobite",
187
+ "70": "harvestman, daddy longlegs, Phalangium opilio",
188
+ "71": "scorpion",
189
+ "72": "black and gold garden spider, Argiope aurantia",
190
+ "73": "barn spider, Araneus cavaticus",
191
+ "74": "garden spider, Aranea diademata",
192
+ "75": "black widow, Latrodectus mactans",
193
+ "76": "tarantula",
194
+ "77": "wolf spider, hunting spider",
195
+ "78": "tick",
196
+ "79": "centipede",
197
+ "80": "black grouse",
198
+ "81": "ptarmigan",
199
+ "82": "ruffed grouse, partridge, Bonasa umbellus",
200
+ "83": "prairie chicken, prairie grouse, prairie fowl",
201
+ "84": "peacock",
202
+ "85": "quail",
203
+ "86": "partridge",
204
+ "87": "African grey, African gray, Psittacus erithacus",
205
+ "88": "macaw",
206
+ "89": "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita",
207
+ "90": "lorikeet",
208
+ "91": "coucal",
209
+ "92": "bee eater",
210
+ "93": "hornbill",
211
+ "94": "hummingbird",
212
+ "95": "jacamar",
213
+ "96": "toucan",
214
+ "97": "drake",
215
+ "98": "red-breasted merganser, Mergus serrator",
216
+ "99": "goose",
217
+ "100": "black swan, Cygnus atratus",
218
+ "101": "tusker",
219
+ "102": "echidna, spiny anteater, anteater",
220
+ "103": "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus",
221
+ "104": "wallaby, brush kangaroo",
222
+ "105": "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus",
223
+ "106": "wombat",
224
+ "107": "jellyfish",
225
+ "108": "sea anemone, anemone",
226
+ "109": "brain coral",
227
+ "110": "flatworm, platyhelminth",
228
+ "111": "nematode, nematode worm, roundworm",
229
+ "112": "conch",
230
+ "113": "snail",
231
+ "114": "slug",
232
+ "115": "sea slug, nudibranch",
233
+ "116": "chiton, coat-of-mail shell, sea cradle, polyplacophore",
234
+ "117": "chambered nautilus, pearly nautilus, nautilus",
235
+ "118": "Dungeness crab, Cancer magister",
236
+ "119": "rock crab, Cancer irroratus",
237
+ "120": "fiddler crab",
238
+ "121": "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica",
239
+ "122": "American lobster, Northern lobster, Maine lobster, Homarus americanus",
240
+ "123": "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish",
241
+ "124": "crayfish, crawfish, crawdad, crawdaddy",
242
+ "125": "hermit crab",
243
+ "126": "isopod",
244
+ "127": "white stork, Ciconia ciconia",
245
+ "128": "black stork, Ciconia nigra",
246
+ "129": "spoonbill",
247
+ "130": "flamingo",
248
+ "131": "little blue heron, Egretta caerulea",
249
+ "132": "American egret, great white heron, Egretta albus",
250
+ "133": "bittern",
251
+ "134": "crane",
252
+ "135": "limpkin, Aramus pictus",
253
+ "136": "European gallinule, Porphyrio porphyrio",
254
+ "137": "American coot, marsh hen, mud hen, water hen, Fulica americana",
255
+ "138": "bustard",
256
+ "139": "ruddy turnstone, Arenaria interpres",
257
+ "140": "red-backed sandpiper, dunlin, Erolia alpina",
258
+ "141": "redshank, Tringa totanus",
259
+ "142": "dowitcher",
260
+ "143": "oystercatcher, oyster catcher",
261
+ "144": "pelican",
262
+ "145": "king penguin, Aptenodytes patagonica",
263
+ "146": "albatross, mollymawk",
264
+ "147": "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus",
265
+ "148": "killer whale, killer, orca, grampus, sea wolf, Orcinus orca",
266
+ "149": "dugong, Dugong dugon",
267
+ "150": "sea lion",
268
+ "151": "Chihuahua",
269
+ "152": "Japanese spaniel",
270
+ "153": "Maltese dog, Maltese terrier, Maltese",
271
+ "154": "Pekinese, Pekingese, Peke",
272
+ "155": "Shih-Tzu",
273
+ "156": "Blenheim spaniel",
274
+ "157": "papillon",
275
+ "158": "toy terrier",
276
+ "159": "Rhodesian ridgeback",
277
+ "160": "Afghan hound, Afghan",
278
+ "161": "basset, basset hound",
279
+ "162": "beagle",
280
+ "163": "bloodhound, sleuthhound",
281
+ "164": "bluetick",
282
+ "165": "black-and-tan coonhound",
283
+ "166": "Walker hound, Walker foxhound",
284
+ "167": "English foxhound",
285
+ "168": "redbone",
286
+ "169": "borzoi, Russian wolfhound",
287
+ "170": "Irish wolfhound",
288
+ "171": "Italian greyhound",
289
+ "172": "whippet",
290
+ "173": "Ibizan hound, Ibizan Podenco",
291
+ "174": "Norwegian elkhound, elkhound",
292
+ "175": "otterhound, otter hound",
293
+ "176": "Saluki, gazelle hound",
294
+ "177": "Scottish deerhound, deerhound",
295
+ "178": "Weimaraner",
296
+ "179": "Staffordshire bullterrier, Staffordshire bull terrier",
297
+ "180": "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier",
298
+ "181": "Bedlington terrier",
299
+ "182": "Border terrier",
300
+ "183": "Kerry blue terrier",
301
+ "184": "Irish terrier",
302
+ "185": "Norfolk terrier",
303
+ "186": "Norwich terrier",
304
+ "187": "Yorkshire terrier",
305
+ "188": "wire-haired fox terrier",
306
+ "189": "Lakeland terrier",
307
+ "190": "Sealyham terrier, Sealyham",
308
+ "191": "Airedale, Airedale terrier",
309
+ "192": "cairn, cairn terrier",
310
+ "193": "Australian terrier",
311
+ "194": "Dandie Dinmont, Dandie Dinmont terrier",
312
+ "195": "Boston bull, Boston terrier",
313
+ "196": "miniature schnauzer",
314
+ "197": "giant schnauzer",
315
+ "198": "standard schnauzer",
316
+ "199": "Scotch terrier, Scottish terrier, Scottie",
317
+ "200": "Tibetan terrier, chrysanthemum dog",
318
+ "201": "silky terrier, Sydney silky",
319
+ "202": "soft-coated wheaten terrier",
320
+ "203": "West Highland white terrier",
321
+ "204": "Lhasa, Lhasa apso",
322
+ "205": "flat-coated retriever",
323
+ "206": "curly-coated retriever",
324
+ "207": "golden retriever",
325
+ "208": "Labrador retriever",
326
+ "209": "Chesapeake Bay retriever",
327
+ "210": "German short-haired pointer",
328
+ "211": "vizsla, Hungarian pointer",
329
+ "212": "English setter",
330
+ "213": "Irish setter, red setter",
331
+ "214": "Gordon setter",
332
+ "215": "Brittany spaniel",
333
+ "216": "clumber, clumber spaniel",
334
+ "217": "English springer, English springer spaniel",
335
+ "218": "Welsh springer spaniel",
336
+ "219": "cocker spaniel, English cocker spaniel, cocker",
337
+ "220": "Sussex spaniel",
338
+ "221": "Irish water spaniel",
339
+ "222": "kuvasz",
340
+ "223": "schipperke",
341
+ "224": "groenendael",
342
+ "225": "malinois",
343
+ "226": "briard",
344
+ "227": "kelpie",
345
+ "228": "komondor",
346
+ "229": "Old English sheepdog, bobtail",
347
+ "230": "Shetland sheepdog, Shetland sheep dog, Shetland",
348
+ "231": "collie",
349
+ "232": "Border collie",
350
+ "233": "Bouvier des Flandres, Bouviers des Flandres",
351
+ "234": "Rottweiler",
352
+ "235": "German shepherd, German shepherd dog, German police dog, alsatian",
353
+ "236": "Doberman, Doberman pinscher",
354
+ "237": "miniature pinscher",
355
+ "238": "Greater Swiss Mountain dog",
356
+ "239": "Bernese mountain dog",
357
+ "240": "Appenzeller",
358
+ "241": "EntleBucher",
359
+ "242": "boxer",
360
+ "243": "bull mastiff",
361
+ "244": "Tibetan mastiff",
362
+ "245": "French bulldog",
363
+ "246": "Great Dane",
364
+ "247": "Saint Bernard, St Bernard",
365
+ "248": "Eskimo dog, husky",
366
+ "249": "malamute, malemute, Alaskan malamute",
367
+ "250": "Siberian husky",
368
+ "251": "dalmatian, coach dog, carriage dog",
369
+ "252": "affenpinscher, monkey pinscher, monkey dog",
370
+ "253": "basenji",
371
+ "254": "pug, pug-dog",
372
+ "255": "Leonberg",
373
+ "256": "Newfoundland, Newfoundland dog",
374
+ "257": "Great Pyrenees",
375
+ "258": "Samoyed, Samoyede",
376
+ "259": "Pomeranian",
377
+ "260": "chow, chow chow",
378
+ "261": "keeshond",
379
+ "262": "Brabancon griffon",
380
+ "263": "Pembroke, Pembroke Welsh corgi",
381
+ "264": "Cardigan, Cardigan Welsh corgi",
382
+ "265": "toy poodle",
383
+ "266": "miniature poodle",
384
+ "267": "standard poodle",
385
+ "268": "Mexican hairless",
386
+ "269": "timber wolf, grey wolf, gray wolf, Canis lupus",
387
+ "270": "white wolf, Arctic wolf, Canis lupus tundrarum",
388
+ "271": "red wolf, maned wolf, Canis rufus, Canis niger",
389
+ "272": "coyote, prairie wolf, brush wolf, Canis latrans",
390
+ "273": "dingo, warrigal, warragal, Canis dingo",
391
+ "274": "dhole, Cuon alpinus",
392
+ "275": "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus",
393
+ "276": "hyena, hyaena",
394
+ "277": "red fox, Vulpes vulpes",
395
+ "278": "kit fox, Vulpes macrotis",
396
+ "279": "Arctic fox, white fox, Alopex lagopus",
397
+ "280": "grey fox, gray fox, Urocyon cinereoargenteus",
398
+ "281": "tabby, tabby cat",
399
+ "282": "tiger cat",
400
+ "283": "Persian cat",
401
+ "284": "Siamese cat, Siamese",
402
+ "285": "Egyptian cat",
403
+ "286": "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor",
404
+ "287": "lynx, catamount",
405
+ "288": "leopard, Panthera pardus",
406
+ "289": "snow leopard, ounce, Panthera uncia",
407
+ "290": "jaguar, panther, Panthera onca, Felis onca",
408
+ "291": "lion, king of beasts, Panthera leo",
409
+ "292": "tiger, Panthera tigris",
410
+ "293": "cheetah, chetah, Acinonyx jubatus",
411
+ "294": "brown bear, bruin, Ursus arctos",
412
+ "295": "American black bear, black bear, Ursus americanus, Euarctos americanus",
413
+ "296": "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus",
414
+ "297": "sloth bear, Melursus ursinus, Ursus ursinus",
415
+ "298": "mongoose",
416
+ "299": "meerkat, mierkat",
417
+ "300": "tiger beetle",
418
+ "301": "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle",
419
+ "302": "ground beetle, carabid beetle",
420
+ "303": "long-horned beetle, longicorn, longicorn beetle",
421
+ "304": "leaf beetle, chrysomelid",
422
+ "305": "dung beetle",
423
+ "306": "rhinoceros beetle",
424
+ "307": "weevil",
425
+ "308": "fly",
426
+ "309": "bee",
427
+ "310": "ant, emmet, pismire",
428
+ "311": "grasshopper, hopper",
429
+ "312": "cricket",
430
+ "313": "walking stick, walkingstick, stick insect",
431
+ "314": "cockroach, roach",
432
+ "315": "mantis, mantid",
433
+ "316": "cicada, cicala",
434
+ "317": "leafhopper",
435
+ "318": "lacewing, lacewing fly",
436
+ "319": "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk",
437
+ "320": "damselfly",
438
+ "321": "admiral",
439
+ "322": "ringlet, ringlet butterfly",
440
+ "323": "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus",
441
+ "324": "cabbage butterfly",
442
+ "325": "sulphur butterfly, sulfur butterfly",
443
+ "326": "lycaenid, lycaenid butterfly",
444
+ "327": "starfish, sea star",
445
+ "328": "sea urchin",
446
+ "329": "sea cucumber, holothurian",
447
+ "330": "wood rabbit, cottontail, cottontail rabbit",
448
+ "331": "hare",
449
+ "332": "Angora, Angora rabbit",
450
+ "333": "hamster",
451
+ "334": "porcupine, hedgehog",
452
+ "335": "fox squirrel, eastern fox squirrel, Sciurus niger",
453
+ "336": "marmot",
454
+ "337": "beaver",
455
+ "338": "guinea pig, Cavia cobaya",
456
+ "339": "sorrel",
457
+ "340": "zebra",
458
+ "341": "hog, pig, grunter, squealer, Sus scrofa",
459
+ "342": "wild boar, boar, Sus scrofa",
460
+ "343": "warthog",
461
+ "344": "hippopotamus, hippo, river horse, Hippopotamus amphibius",
462
+ "345": "ox",
463
+ "346": "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis",
464
+ "347": "bison",
465
+ "348": "ram, tup",
466
+ "349": "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis",
467
+ "350": "ibex, Capra ibex",
468
+ "351": "hartebeest",
469
+ "352": "impala, Aepyceros melampus",
470
+ "353": "gazelle",
471
+ "354": "Arabian camel, dromedary, Camelus dromedarius",
472
+ "355": "llama",
473
+ "356": "weasel",
474
+ "357": "mink",
475
+ "358": "polecat, fitch, foulmart, foumart, Mustela putorius",
476
+ "359": "black-footed ferret, ferret, Mustela nigripes",
477
+ "360": "otter",
478
+ "361": "skunk, polecat, wood pussy",
479
+ "362": "badger",
480
+ "363": "armadillo",
481
+ "364": "three-toed sloth, ai, Bradypus tridactylus",
482
+ "365": "orangutan, orang, orangutang, Pongo pygmaeus",
483
+ "366": "gorilla, Gorilla gorilla",
484
+ "367": "chimpanzee, chimp, Pan troglodytes",
485
+ "368": "gibbon, Hylobates lar",
486
+ "369": "siamang, Hylobates syndactylus, Symphalangus syndactylus",
487
+ "370": "guenon, guenon monkey",
488
+ "371": "patas, hussar monkey, Erythrocebus patas",
489
+ "372": "baboon",
490
+ "373": "macaque",
491
+ "374": "langur",
492
+ "375": "colobus, colobus monkey",
493
+ "376": "proboscis monkey, Nasalis larvatus",
494
+ "377": "marmoset",
495
+ "378": "capuchin, ringtail, Cebus capucinus",
496
+ "379": "howler monkey, howler",
497
+ "380": "titi, titi monkey",
498
+ "381": "spider monkey, Ateles geoffroyi",
499
+ "382": "squirrel monkey, Saimiri sciureus",
500
+ "383": "Madagascar cat, ring-tailed lemur, Lemur catta",
501
+ "384": "indri, indris, Indri indri, Indri brevicaudatus",
502
+ "385": "Indian elephant, Elephas maximus",
503
+ "386": "African elephant, Loxodonta africana",
504
+ "387": "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens",
505
+ "388": "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca",
506
+ "389": "barracouta, snoek",
507
+ "390": "eel",
508
+ "391": "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch",
509
+ "392": "rock beauty, Holocanthus tricolor",
510
+ "393": "anemone fish",
511
+ "394": "sturgeon",
512
+ "395": "gar, garfish, garpike, billfish, Lepisosteus osseus",
513
+ "396": "lionfish",
514
+ "397": "puffer, pufferfish, blowfish, globefish",
515
+ "398": "abacus",
516
+ "399": "abaya",
517
+ "400": "academic gown, academic robe, judge's robe",
518
+ "401": "accordion, piano accordion, squeeze box",
519
+ "402": "acoustic guitar",
520
+ "403": "aircraft carrier, carrier, flattop, attack aircraft carrier",
521
+ "404": "airliner",
522
+ "405": "airship, dirigible",
523
+ "406": "altar",
524
+ "407": "ambulance",
525
+ "408": "amphibian, amphibious vehicle",
526
+ "409": "analog clock",
527
+ "410": "apiary, bee house",
528
+ "411": "apron",
529
+ "412": "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin",
530
+ "413": "assault rifle, assault gun",
531
+ "414": "backpack, back pack, knapsack, packsack, rucksack, haversack",
532
+ "415": "bakery, bakeshop, bakehouse",
533
+ "416": "balance beam, beam",
534
+ "417": "balloon",
535
+ "418": "ballpoint, ballpoint pen, ballpen, Biro",
536
+ "419": "Band Aid",
537
+ "420": "banjo",
538
+ "421": "bannister, banister, balustrade, balusters, handrail",
539
+ "422": "barbell",
540
+ "423": "barber chair",
541
+ "424": "barbershop",
542
+ "425": "barn",
543
+ "426": "barometer",
544
+ "427": "barrel, cask",
545
+ "428": "barrow, garden cart, lawn cart, wheelbarrow",
546
+ "429": "baseball",
547
+ "430": "basketball",
548
+ "431": "bassinet",
549
+ "432": "bassoon",
550
+ "433": "bathing cap, swimming cap",
551
+ "434": "bath towel",
552
+ "435": "bathtub, bathing tub, bath, tub",
553
+ "436": "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon",
554
+ "437": "beacon, lighthouse, beacon light, pharos",
555
+ "438": "beaker",
556
+ "439": "bearskin, busby, shako",
557
+ "440": "beer bottle",
558
+ "441": "beer glass",
559
+ "442": "bell cote, bell cot",
560
+ "443": "bib",
561
+ "444": "bicycle-built-for-two, tandem bicycle, tandem",
562
+ "445": "bikini, two-piece",
563
+ "446": "binder, ring-binder",
564
+ "447": "binoculars, field glasses, opera glasses",
565
+ "448": "birdhouse",
566
+ "449": "boathouse",
567
+ "450": "bobsled, bobsleigh, bob",
568
+ "451": "bolo tie, bolo, bola tie, bola",
569
+ "452": "bonnet, poke bonnet",
570
+ "453": "bookcase",
571
+ "454": "bookshop, bookstore, bookstall",
572
+ "455": "bottlecap",
573
+ "456": "bow",
574
+ "457": "bow tie, bow-tie, bowtie",
575
+ "458": "brass, memorial tablet, plaque",
576
+ "459": "brassiere, bra, bandeau",
577
+ "460": "breakwater, groin, groyne, mole, bulwark, seawall, jetty",
578
+ "461": "breastplate, aegis, egis",
579
+ "462": "broom",
580
+ "463": "bucket, pail",
581
+ "464": "buckle",
582
+ "465": "bulletproof vest",
583
+ "466": "bullet train, bullet",
584
+ "467": "butcher shop, meat market",
585
+ "468": "cab, hack, taxi, taxicab",
586
+ "469": "caldron, cauldron",
587
+ "470": "candle, taper, wax light",
588
+ "471": "cannon",
589
+ "472": "canoe",
590
+ "473": "can opener, tin opener",
591
+ "474": "cardigan",
592
+ "475": "car mirror",
593
+ "476": "carousel, carrousel, merry-go-round, roundabout, whirligig",
594
+ "477": "carpenter's kit, tool kit",
595
+ "478": "carton",
596
+ "479": "car wheel",
597
+ "480": "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM",
598
+ "481": "cassette",
599
+ "482": "cassette player",
600
+ "483": "castle",
601
+ "484": "catamaran",
602
+ "485": "CD player",
603
+ "486": "cello, violoncello",
604
+ "487": "cellular telephone, cellular phone, cellphone, cell, mobile phone",
605
+ "488": "chain",
606
+ "489": "chainlink fence",
607
+ "490": "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour",
608
+ "491": "chain saw, chainsaw",
609
+ "492": "chest",
610
+ "493": "chiffonier, commode",
611
+ "494": "chime, bell, gong",
612
+ "495": "china cabinet, china closet",
613
+ "496": "Christmas stocking",
614
+ "497": "church, church building",
615
+ "498": "cinema, movie theater, movie theatre, movie house, picture palace",
616
+ "499": "cleaver, meat cleaver, chopper",
617
+ "500": "cliff dwelling",
618
+ "501": "cloak",
619
+ "502": "clog, geta, patten, sabot",
620
+ "503": "cocktail shaker",
621
+ "504": "coffee mug",
622
+ "505": "coffeepot",
623
+ "506": "coil, spiral, volute, whorl, helix",
624
+ "507": "combination lock",
625
+ "508": "computer keyboard, keypad",
626
+ "509": "confectionery, confectionary, candy store",
627
+ "510": "container ship, containership, container vessel",
628
+ "511": "convertible",
629
+ "512": "corkscrew, bottle screw",
630
+ "513": "cornet, horn, trumpet, trump",
631
+ "514": "cowboy boot",
632
+ "515": "cowboy hat, ten-gallon hat",
633
+ "516": "cradle",
634
+ "517": "crane",
635
+ "518": "crash helmet",
636
+ "519": "crate",
637
+ "520": "crib, cot",
638
+ "521": "Crock Pot",
639
+ "522": "croquet ball",
640
+ "523": "crutch",
641
+ "524": "cuirass",
642
+ "525": "dam, dike, dyke",
643
+ "526": "desk",
644
+ "527": "desktop computer",
645
+ "528": "dial telephone, dial phone",
646
+ "529": "diaper, nappy, napkin",
647
+ "530": "digital clock",
648
+ "531": "digital watch",
649
+ "532": "dining table, board",
650
+ "533": "dishrag, dishcloth",
651
+ "534": "dishwasher, dish washer, dishwashing machine",
652
+ "535": "disk brake, disc brake",
653
+ "536": "dock, dockage, docking facility",
654
+ "537": "dogsled, dog sled, dog sleigh",
655
+ "538": "dome",
656
+ "539": "doormat, welcome mat",
657
+ "540": "drilling platform, offshore rig",
658
+ "541": "drum, membranophone, tympan",
659
+ "542": "drumstick",
660
+ "543": "dumbbell",
661
+ "544": "Dutch oven",
662
+ "545": "electric fan, blower",
663
+ "546": "electric guitar",
664
+ "547": "electric locomotive",
665
+ "548": "entertainment center",
666
+ "549": "envelope",
667
+ "550": "espresso maker",
668
+ "551": "face powder",
669
+ "552": "feather boa, boa",
670
+ "553": "file, file cabinet, filing cabinet",
671
+ "554": "fireboat",
672
+ "555": "fire engine, fire truck",
673
+ "556": "fire screen, fireguard",
674
+ "557": "flagpole, flagstaff",
675
+ "558": "flute, transverse flute",
676
+ "559": "folding chair",
677
+ "560": "football helmet",
678
+ "561": "forklift",
679
+ "562": "fountain",
680
+ "563": "fountain pen",
681
+ "564": "four-poster",
682
+ "565": "freight car",
683
+ "566": "French horn, horn",
684
+ "567": "frying pan, frypan, skillet",
685
+ "568": "fur coat",
686
+ "569": "garbage truck, dustcart",
687
+ "570": "gasmask, respirator, gas helmet",
688
+ "571": "gas pump, gasoline pump, petrol pump, island dispenser",
689
+ "572": "goblet",
690
+ "573": "go-kart",
691
+ "574": "golf ball",
692
+ "575": "golfcart, golf cart",
693
+ "576": "gondola",
694
+ "577": "gong, tam-tam",
695
+ "578": "gown",
696
+ "579": "grand piano, grand",
697
+ "580": "greenhouse, nursery, glasshouse",
698
+ "581": "grille, radiator grille",
699
+ "582": "grocery store, grocery, food market, market",
700
+ "583": "guillotine",
701
+ "584": "hair slide",
702
+ "585": "hair spray",
703
+ "586": "half track",
704
+ "587": "hammer",
705
+ "588": "hamper",
706
+ "589": "hand blower, blow dryer, blow drier, hair dryer, hair drier",
707
+ "590": "hand-held computer, hand-held microcomputer",
708
+ "591": "handkerchief, hankie, hanky, hankey",
709
+ "592": "hard disc, hard disk, fixed disk",
710
+ "593": "harmonica, mouth organ, harp, mouth harp",
711
+ "594": "harp",
712
+ "595": "harvester, reaper",
713
+ "596": "hatchet",
714
+ "597": "holster",
715
+ "598": "home theater, home theatre",
716
+ "599": "honeycomb",
717
+ "600": "hook, claw",
718
+ "601": "hoopskirt, crinoline",
719
+ "602": "horizontal bar, high bar",
720
+ "603": "horse cart, horse-cart",
721
+ "604": "hourglass",
722
+ "605": "iPod",
723
+ "606": "iron, smoothing iron",
724
+ "607": "jack-o'-lantern",
725
+ "608": "jean, blue jean, denim",
726
+ "609": "jeep, landrover",
727
+ "610": "jersey, T-shirt, tee shirt",
728
+ "611": "jigsaw puzzle",
729
+ "612": "jinrikisha, ricksha, rickshaw",
730
+ "613": "joystick",
731
+ "614": "kimono",
732
+ "615": "knee pad",
733
+ "616": "knot",
734
+ "617": "lab coat, laboratory coat",
735
+ "618": "ladle",
736
+ "619": "lampshade, lamp shade",
737
+ "620": "laptop, laptop computer",
738
+ "621": "lawn mower, mower",
739
+ "622": "lens cap, lens cover",
740
+ "623": "letter opener, paper knife, paperknife",
741
+ "624": "library",
742
+ "625": "lifeboat",
743
+ "626": "lighter, light, igniter, ignitor",
744
+ "627": "limousine, limo",
745
+ "628": "liner, ocean liner",
746
+ "629": "lipstick, lip rouge",
747
+ "630": "Loafer",
748
+ "631": "lotion",
749
+ "632": "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system",
750
+ "633": "loupe, jeweler's loupe",
751
+ "634": "lumbermill, sawmill",
752
+ "635": "magnetic compass",
753
+ "636": "mailbag, postbag",
754
+ "637": "mailbox, letter box",
755
+ "638": "maillot",
756
+ "639": "maillot, tank suit",
757
+ "640": "manhole cover",
758
+ "641": "maraca",
759
+ "642": "marimba, xylophone",
760
+ "643": "mask",
761
+ "644": "matchstick",
762
+ "645": "maypole",
763
+ "646": "maze, labyrinth",
764
+ "647": "measuring cup",
765
+ "648": "medicine chest, medicine cabinet",
766
+ "649": "megalith, megalithic structure",
767
+ "650": "microphone, mike",
768
+ "651": "microwave, microwave oven",
769
+ "652": "military uniform",
770
+ "653": "milk can",
771
+ "654": "minibus",
772
+ "655": "miniskirt, mini",
773
+ "656": "minivan",
774
+ "657": "missile",
775
+ "658": "mitten",
776
+ "659": "mixing bowl",
777
+ "660": "mobile home, manufactured home",
778
+ "661": "Model T",
779
+ "662": "modem",
780
+ "663": "monastery",
781
+ "664": "monitor",
782
+ "665": "moped",
783
+ "666": "mortar",
784
+ "667": "mortarboard",
785
+ "668": "mosque",
786
+ "669": "mosquito net",
787
+ "670": "motor scooter, scooter",
788
+ "671": "mountain bike, all-terrain bike, off-roader",
789
+ "672": "mountain tent",
790
+ "673": "mouse, computer mouse",
791
+ "674": "mousetrap",
792
+ "675": "moving van",
793
+ "676": "muzzle",
794
+ "677": "nail",
795
+ "678": "neck brace",
796
+ "679": "necklace",
797
+ "680": "nipple",
798
+ "681": "notebook, notebook computer",
799
+ "682": "obelisk",
800
+ "683": "oboe, hautboy, hautbois",
801
+ "684": "ocarina, sweet potato",
802
+ "685": "odometer, hodometer, mileometer, milometer",
803
+ "686": "oil filter",
804
+ "687": "organ, pipe organ",
805
+ "688": "oscilloscope, scope, cathode-ray oscilloscope, CRO",
806
+ "689": "overskirt",
807
+ "690": "oxcart",
808
+ "691": "oxygen mask",
809
+ "692": "packet",
810
+ "693": "paddle, boat paddle",
811
+ "694": "paddlewheel, paddle wheel",
812
+ "695": "padlock",
813
+ "696": "paintbrush",
814
+ "697": "pajama, pyjama, pj's, jammies",
815
+ "698": "palace",
816
+ "699": "panpipe, pandean pipe, syrinx",
817
+ "700": "paper towel",
818
+ "701": "parachute, chute",
819
+ "702": "parallel bars, bars",
820
+ "703": "park bench",
821
+ "704": "parking meter",
822
+ "705": "passenger car, coach, carriage",
823
+ "706": "patio, terrace",
824
+ "707": "pay-phone, pay-station",
825
+ "708": "pedestal, plinth, footstall",
826
+ "709": "pencil box, pencil case",
827
+ "710": "pencil sharpener",
828
+ "711": "perfume, essence",
829
+ "712": "Petri dish",
830
+ "713": "photocopier",
831
+ "714": "pick, plectrum, plectron",
832
+ "715": "pickelhaube",
833
+ "716": "picket fence, paling",
834
+ "717": "pickup, pickup truck",
835
+ "718": "pier",
836
+ "719": "piggy bank, penny bank",
837
+ "720": "pill bottle",
838
+ "721": "pillow",
839
+ "722": "ping-pong ball",
840
+ "723": "pinwheel",
841
+ "724": "pirate, pirate ship",
842
+ "725": "pitcher, ewer",
843
+ "726": "plane, carpenter's plane, woodworking plane",
844
+ "727": "planetarium",
845
+ "728": "plastic bag",
846
+ "729": "plate rack",
847
+ "730": "plow, plough",
848
+ "731": "plunger, plumber's helper",
849
+ "732": "Polaroid camera, Polaroid Land camera",
850
+ "733": "pole",
851
+ "734": "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria",
852
+ "735": "poncho",
853
+ "736": "pool table, billiard table, snooker table",
854
+ "737": "pop bottle, soda bottle",
855
+ "738": "pot, flowerpot",
856
+ "739": "potter's wheel",
857
+ "740": "power drill",
858
+ "741": "prayer rug, prayer mat",
859
+ "742": "printer",
860
+ "743": "prison, prison house",
861
+ "744": "projectile, missile",
862
+ "745": "projector",
863
+ "746": "puck, hockey puck",
864
+ "747": "punching bag, punch bag, punching ball, punchball",
865
+ "748": "purse",
866
+ "749": "quill, quill pen",
867
+ "750": "quilt, comforter, comfort, puff",
868
+ "751": "racer, race car, racing car",
869
+ "752": "racket, racquet",
870
+ "753": "radiator",
871
+ "754": "radio, wireless",
872
+ "755": "radio telescope, radio reflector",
873
+ "756": "rain barrel",
874
+ "757": "recreational vehicle, RV, R.V.",
875
+ "758": "reel",
876
+ "759": "reflex camera",
877
+ "760": "refrigerator, icebox",
878
+ "761": "remote control, remote",
879
+ "762": "restaurant, eating house, eating place, eatery",
880
+ "763": "revolver, six-gun, six-shooter",
881
+ "764": "rifle",
882
+ "765": "rocking chair, rocker",
883
+ "766": "rotisserie",
884
+ "767": "rubber eraser, rubber, pencil eraser",
885
+ "768": "rugby ball",
886
+ "769": "rule, ruler",
887
+ "770": "running shoe",
888
+ "771": "safe",
889
+ "772": "safety pin",
890
+ "773": "saltshaker, salt shaker",
891
+ "774": "sandal",
892
+ "775": "sarong",
893
+ "776": "sax, saxophone",
894
+ "777": "scabbard",
895
+ "778": "scale, weighing machine",
896
+ "779": "school bus",
897
+ "780": "schooner",
898
+ "781": "scoreboard",
899
+ "782": "screen, CRT screen",
900
+ "783": "screw",
901
+ "784": "screwdriver",
902
+ "785": "seat belt, seatbelt",
903
+ "786": "sewing machine",
904
+ "787": "shield, buckler",
905
+ "788": "shoe shop, shoe-shop, shoe store",
906
+ "789": "shoji",
907
+ "790": "shopping basket",
908
+ "791": "shopping cart",
909
+ "792": "shovel",
910
+ "793": "shower cap",
911
+ "794": "shower curtain",
912
+ "795": "ski",
913
+ "796": "ski mask",
914
+ "797": "sleeping bag",
915
+ "798": "slide rule, slipstick",
916
+ "799": "sliding door",
917
+ "800": "slot, one-armed bandit",
918
+ "801": "snorkel",
919
+ "802": "snowmobile",
920
+ "803": "snowplow, snowplough",
921
+ "804": "soap dispenser",
922
+ "805": "soccer ball",
923
+ "806": "sock",
924
+ "807": "solar dish, solar collector, solar furnace",
925
+ "808": "sombrero",
926
+ "809": "soup bowl",
927
+ "810": "space bar",
928
+ "811": "space heater",
929
+ "812": "space shuttle",
930
+ "813": "spatula",
931
+ "814": "speedboat",
932
+ "815": "spider web, spider's web",
933
+ "816": "spindle",
934
+ "817": "sports car, sport car",
935
+ "818": "spotlight, spot",
936
+ "819": "stage",
937
+ "820": "steam locomotive",
938
+ "821": "steel arch bridge",
939
+ "822": "steel drum",
940
+ "823": "stethoscope",
941
+ "824": "stole",
942
+ "825": "stone wall",
943
+ "826": "stopwatch, stop watch",
944
+ "827": "stove",
945
+ "828": "strainer",
946
+ "829": "streetcar, tram, tramcar, trolley, trolley car",
947
+ "830": "stretcher",
948
+ "831": "studio couch, day bed",
949
+ "832": "stupa, tope",
950
+ "833": "submarine, pigboat, sub, U-boat",
951
+ "834": "suit, suit of clothes",
952
+ "835": "sundial",
953
+ "836": "sunglass",
954
+ "837": "sunglasses, dark glasses, shades",
955
+ "838": "sunscreen, sunblock, sun blocker",
956
+ "839": "suspension bridge",
957
+ "840": "swab, swob, mop",
958
+ "841": "sweatshirt",
959
+ "842": "swimming trunks, bathing trunks",
960
+ "843": "swing",
961
+ "844": "switch, electric switch, electrical switch",
962
+ "845": "syringe",
963
+ "846": "table lamp",
964
+ "847": "tank, army tank, armored combat vehicle, armoured combat vehicle",
965
+ "848": "tape player",
966
+ "849": "teapot",
967
+ "850": "teddy, teddy bear",
968
+ "851": "television, television system",
969
+ "852": "tennis ball",
970
+ "853": "thatch, thatched roof",
971
+ "854": "theater curtain, theatre curtain",
972
+ "855": "thimble",
973
+ "856": "thresher, thrasher, threshing machine",
974
+ "857": "throne",
975
+ "858": "tile roof",
976
+ "859": "toaster",
977
+ "860": "tobacco shop, tobacconist shop, tobacconist",
978
+ "861": "toilet seat",
979
+ "862": "torch",
980
+ "863": "totem pole",
981
+ "864": "tow truck, tow car, wrecker",
982
+ "865": "toyshop",
983
+ "866": "tractor",
984
+ "867": "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi",
985
+ "868": "tray",
986
+ "869": "trench coat",
987
+ "870": "tricycle, trike, velocipede",
988
+ "871": "trimaran",
989
+ "872": "tripod",
990
+ "873": "triumphal arch",
991
+ "874": "trolleybus, trolley coach, trackless trolley",
992
+ "875": "trombone",
993
+ "876": "tub, vat",
994
+ "877": "turnstile",
995
+ "878": "typewriter keyboard",
996
+ "879": "umbrella",
997
+ "880": "unicycle, monocycle",
998
+ "881": "upright, upright piano",
999
+ "882": "vacuum, vacuum cleaner",
1000
+ "883": "vase",
1001
+ "884": "vault",
1002
+ "885": "velvet",
1003
+ "886": "vending machine",
1004
+ "887": "vestment",
1005
+ "888": "viaduct",
1006
+ "889": "violin, fiddle",
1007
+ "890": "volleyball",
1008
+ "891": "waffle iron",
1009
+ "892": "wall clock",
1010
+ "893": "wallet, billfold, notecase, pocketbook",
1011
+ "894": "wardrobe, closet, press",
1012
+ "895": "warplane, military plane",
1013
+ "896": "washbasin, handbasin, washbowl, lavabo, wash-hand basin",
1014
+ "897": "washer, automatic washer, washing machine",
1015
+ "898": "water bottle",
1016
+ "899": "water jug",
1017
+ "900": "water tower",
1018
+ "901": "whiskey jug",
1019
+ "902": "whistle",
1020
+ "903": "wig",
1021
+ "904": "window screen",
1022
+ "905": "window shade",
1023
+ "906": "Windsor tie",
1024
+ "907": "wine bottle",
1025
+ "908": "wing",
1026
+ "909": "wok",
1027
+ "910": "wooden spoon",
1028
+ "911": "wool, woolen, woollen",
1029
+ "912": "worm fence, snake fence, snake-rail fence, Virginia fence",
1030
+ "913": "wreck",
1031
+ "914": "yawl",
1032
+ "915": "yurt",
1033
+ "916": "web site, website, internet site, site",
1034
+ "917": "comic book",
1035
+ "918": "crossword puzzle, crossword",
1036
+ "919": "street sign",
1037
+ "920": "traffic light, traffic signal, stoplight",
1038
+ "921": "book jacket, dust cover, dust jacket, dust wrapper",
1039
+ "922": "menu",
1040
+ "923": "plate",
1041
+ "924": "guacamole",
1042
+ "925": "consomme",
1043
+ "926": "hot pot, hotpot",
1044
+ "927": "trifle",
1045
+ "928": "ice cream, icecream",
1046
+ "929": "ice lolly, lolly, lollipop, popsicle",
1047
+ "930": "French loaf",
1048
+ "931": "bagel, beigel",
1049
+ "932": "pretzel",
1050
+ "933": "cheeseburger",
1051
+ "934": "hotdog, hot dog, red hot",
1052
+ "935": "mashed potato",
1053
+ "936": "head cabbage",
1054
+ "937": "broccoli",
1055
+ "938": "cauliflower",
1056
+ "939": "zucchini, courgette",
1057
+ "940": "spaghetti squash",
1058
+ "941": "acorn squash",
1059
+ "942": "butternut squash",
1060
+ "943": "cucumber, cuke",
1061
+ "944": "artichoke, globe artichoke",
1062
+ "945": "bell pepper",
1063
+ "946": "cardoon",
1064
+ "947": "mushroom",
1065
+ "948": "Granny Smith",
1066
+ "949": "strawberry",
1067
+ "950": "orange",
1068
+ "951": "lemon",
1069
+ "952": "fig",
1070
+ "953": "pineapple, ananas",
1071
+ "954": "banana",
1072
+ "955": "jackfruit, jak, jack",
1073
+ "956": "custard apple",
1074
+ "957": "pomegranate",
1075
+ "958": "hay",
1076
+ "959": "carbonara",
1077
+ "960": "chocolate sauce, chocolate syrup",
1078
+ "961": "dough",
1079
+ "962": "meat loaf, meatloaf",
1080
+ "963": "pizza, pizza pie",
1081
+ "964": "potpie",
1082
+ "965": "burrito",
1083
+ "966": "red wine",
1084
+ "967": "espresso",
1085
+ "968": "cup",
1086
+ "969": "eggnog",
1087
+ "970": "alp",
1088
+ "971": "bubble",
1089
+ "972": "cliff, drop, drop-off",
1090
+ "973": "coral reef",
1091
+ "974": "geyser",
1092
+ "975": "lakeside, lakeshore",
1093
+ "976": "promontory, headland, head, foreland",
1094
+ "977": "sandbar, sand bar",
1095
+ "978": "seashore, coast, seacoast, sea-coast",
1096
+ "979": "valley, vale",
1097
+ "980": "volcano",
1098
+ "981": "ballplayer, baseball player",
1099
+ "982": "groom, bridegroom",
1100
+ "983": "scuba diver",
1101
+ "984": "rapeseed",
1102
+ "985": "daisy",
1103
+ "986": "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum",
1104
+ "987": "corn",
1105
+ "988": "acorn",
1106
+ "989": "hip, rose hip, rosehip",
1107
+ "990": "buckeye, horse chestnut, conker",
1108
+ "991": "coral fungus",
1109
+ "992": "agaric",
1110
+ "993": "gyromitra",
1111
+ "994": "stinkhorn, carrion fungus",
1112
+ "995": "earthstar",
1113
+ "996": "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa",
1114
+ "997": "bolete",
1115
+ "998": "ear, spike, capitulum",
1116
+ "999": "toilet tissue, toilet paper, bathroom tissue"
1117
+ },
1118
+ "image_size": 224,
1119
+ "initializer_range": 0.02,
1120
+ "intermediate_size": 3072,
1121
+ "is_decoder": false,
1122
+ "is_encoder_decoder": false,
1123
+ "label2id": {
1124
+ "Afghan hound, Afghan": 160,
1125
+ "African chameleon, Chamaeleo chamaeleon": 47,
1126
+ "African crocodile, Nile crocodile, Crocodylus niloticus": 49,
1127
+ "African elephant, Loxodonta africana": 386,
1128
+ "African grey, African gray, Psittacus erithacus": 87,
1129
+ "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus": 275,
1130
+ "Airedale, Airedale terrier": 191,
1131
+ "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier": 180,
1132
+ "American alligator, Alligator mississipiensis": 50,
1133
+ "American black bear, black bear, Ursus americanus, Euarctos americanus": 295,
1134
+ "American chameleon, anole, Anolis carolinensis": 40,
1135
+ "American coot, marsh hen, mud hen, water hen, Fulica americana": 137,
1136
+ "American egret, great white heron, Egretta albus": 132,
1137
+ "American lobster, Northern lobster, Maine lobster, Homarus americanus": 122,
1138
+ "Angora, Angora rabbit": 332,
1139
+ "Appenzeller": 240,
1140
+ "Arabian camel, dromedary, Camelus dromedarius": 354,
1141
+ "Arctic fox, white fox, Alopex lagopus": 279,
1142
+ "Australian terrier": 193,
1143
+ "Band Aid": 419,
1144
+ "Bedlington terrier": 181,
1145
+ "Bernese mountain dog": 239,
1146
+ "Blenheim spaniel": 156,
1147
+ "Border collie": 232,
1148
+ "Border terrier": 182,
1149
+ "Boston bull, Boston terrier": 195,
1150
+ "Bouvier des Flandres, Bouviers des Flandres": 233,
1151
+ "Brabancon griffon": 262,
1152
+ "Brittany spaniel": 215,
1153
+ "CD player": 485,
1154
+ "Cardigan, Cardigan Welsh corgi": 264,
1155
+ "Chesapeake Bay retriever": 209,
1156
+ "Chihuahua": 151,
1157
+ "Christmas stocking": 496,
1158
+ "Crock Pot": 521,
1159
+ "Dandie Dinmont, Dandie Dinmont terrier": 194,
1160
+ "Doberman, Doberman pinscher": 236,
1161
+ "Dungeness crab, Cancer magister": 118,
1162
+ "Dutch oven": 544,
1163
+ "Egyptian cat": 285,
1164
+ "English foxhound": 167,
1165
+ "English setter": 212,
1166
+ "English springer, English springer spaniel": 217,
1167
+ "EntleBucher": 241,
1168
+ "Eskimo dog, husky": 248,
1169
+ "European fire salamander, Salamandra salamandra": 25,
1170
+ "European gallinule, Porphyrio porphyrio": 136,
1171
+ "French bulldog": 245,
1172
+ "French horn, horn": 566,
1173
+ "French loaf": 930,
1174
+ "German shepherd, German shepherd dog, German police dog, alsatian": 235,
1175
+ "German short-haired pointer": 210,
1176
+ "Gila monster, Heloderma suspectum": 45,
1177
+ "Gordon setter": 214,
1178
+ "Granny Smith": 948,
1179
+ "Great Dane": 246,
1180
+ "Great Pyrenees": 257,
1181
+ "Greater Swiss Mountain dog": 238,
1182
+ "Ibizan hound, Ibizan Podenco": 173,
1183
+ "Indian cobra, Naja naja": 63,
1184
+ "Indian elephant, Elephas maximus": 385,
1185
+ "Irish setter, red setter": 213,
1186
+ "Irish terrier": 184,
1187
+ "Irish water spaniel": 221,
1188
+ "Irish wolfhound": 170,
1189
+ "Italian greyhound": 171,
1190
+ "Japanese spaniel": 152,
1191
+ "Kerry blue terrier": 183,
1192
+ "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis": 48,
1193
+ "Labrador retriever": 208,
1194
+ "Lakeland terrier": 189,
1195
+ "Leonberg": 255,
1196
+ "Lhasa, Lhasa apso": 204,
1197
+ "Loafer": 630,
1198
+ "Madagascar cat, ring-tailed lemur, Lemur catta": 383,
1199
+ "Maltese dog, Maltese terrier, Maltese": 153,
1200
+ "Mexican hairless": 268,
1201
+ "Model T": 661,
1202
+ "Newfoundland, Newfoundland dog": 256,
1203
+ "Norfolk terrier": 185,
1204
+ "Norwegian elkhound, elkhound": 174,
1205
+ "Norwich terrier": 186,
1206
+ "Old English sheepdog, bobtail": 229,
1207
+ "Pekinese, Pekingese, Peke": 154,
1208
+ "Pembroke, Pembroke Welsh corgi": 263,
1209
+ "Persian cat": 283,
1210
+ "Petri dish": 712,
1211
+ "Polaroid camera, Polaroid Land camera": 732,
1212
+ "Pomeranian": 259,
1213
+ "Rhodesian ridgeback": 159,
1214
+ "Rottweiler": 234,
1215
+ "Saint Bernard, St Bernard": 247,
1216
+ "Saluki, gazelle hound": 176,
1217
+ "Samoyed, Samoyede": 258,
1218
+ "Scotch terrier, Scottish terrier, Scottie": 199,
1219
+ "Scottish deerhound, deerhound": 177,
1220
+ "Sealyham terrier, Sealyham": 190,
1221
+ "Shetland sheepdog, Shetland sheep dog, Shetland": 230,
1222
+ "Shih-Tzu": 155,
1223
+ "Siamese cat, Siamese": 284,
1224
+ "Siberian husky": 250,
1225
+ "Staffordshire bullterrier, Staffordshire bull terrier": 179,
1226
+ "Sussex spaniel": 220,
1227
+ "Tibetan mastiff": 244,
1228
+ "Tibetan terrier, chrysanthemum dog": 200,
1229
+ "Walker hound, Walker foxhound": 166,
1230
+ "Weimaraner": 178,
1231
+ "Welsh springer spaniel": 218,
1232
+ "West Highland white terrier": 203,
1233
+ "Windsor tie": 906,
1234
+ "Yorkshire terrier": 187,
1235
+ "abacus": 398,
1236
+ "abaya": 399,
1237
+ "academic gown, academic robe, judge's robe": 400,
1238
+ "accordion, piano accordion, squeeze box": 401,
1239
+ "acorn": 988,
1240
+ "acorn squash": 941,
1241
+ "acoustic guitar": 402,
1242
+ "admiral": 321,
1243
+ "affenpinscher, monkey pinscher, monkey dog": 252,
1244
+ "agama": 42,
1245
+ "agaric": 992,
1246
+ "aircraft carrier, carrier, flattop, attack aircraft carrier": 403,
1247
+ "airliner": 404,
1248
+ "airship, dirigible": 405,
1249
+ "albatross, mollymawk": 146,
1250
+ "alligator lizard": 44,
1251
+ "alp": 970,
1252
+ "altar": 406,
1253
+ "ambulance": 407,
1254
+ "amphibian, amphibious vehicle": 408,
1255
+ "analog clock": 409,
1256
+ "anemone fish": 393,
1257
+ "ant, emmet, pismire": 310,
1258
+ "apiary, bee house": 410,
1259
+ "apron": 411,
1260
+ "armadillo": 363,
1261
+ "artichoke, globe artichoke": 944,
1262
+ "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin": 412,
1263
+ "assault rifle, assault gun": 413,
1264
+ "axolotl, mud puppy, Ambystoma mexicanum": 29,
1265
+ "baboon": 372,
1266
+ "backpack, back pack, knapsack, packsack, rucksack, haversack": 414,
1267
+ "badger": 362,
1268
+ "bagel, beigel": 931,
1269
+ "bakery, bakeshop, bakehouse": 415,
1270
+ "balance beam, beam": 416,
1271
+ "bald eagle, American eagle, Haliaeetus leucocephalus": 22,
1272
+ "balloon": 417,
1273
+ "ballplayer, baseball player": 981,
1274
+ "ballpoint, ballpoint pen, ballpen, Biro": 418,
1275
+ "banana": 954,
1276
+ "banded gecko": 38,
1277
+ "banjo": 420,
1278
+ "bannister, banister, balustrade, balusters, handrail": 421,
1279
+ "barbell": 422,
1280
+ "barber chair": 423,
1281
+ "barbershop": 424,
1282
+ "barn": 425,
1283
+ "barn spider, Araneus cavaticus": 73,
1284
+ "barometer": 426,
1285
+ "barracouta, snoek": 389,
1286
+ "barrel, cask": 427,
1287
+ "barrow, garden cart, lawn cart, wheelbarrow": 428,
1288
+ "baseball": 429,
1289
+ "basenji": 253,
1290
+ "basketball": 430,
1291
+ "basset, basset hound": 161,
1292
+ "bassinet": 431,
1293
+ "bassoon": 432,
1294
+ "bath towel": 434,
1295
+ "bathing cap, swimming cap": 433,
1296
+ "bathtub, bathing tub, bath, tub": 435,
1297
+ "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon": 436,
1298
+ "beacon, lighthouse, beacon light, pharos": 437,
1299
+ "beagle": 162,
1300
+ "beaker": 438,
1301
+ "bearskin, busby, shako": 439,
1302
+ "beaver": 337,
1303
+ "bee": 309,
1304
+ "bee eater": 92,
1305
+ "beer bottle": 440,
1306
+ "beer glass": 441,
1307
+ "bell cote, bell cot": 442,
1308
+ "bell pepper": 945,
1309
+ "bib": 443,
1310
+ "bicycle-built-for-two, tandem bicycle, tandem": 444,
1311
+ "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis": 349,
1312
+ "bikini, two-piece": 445,
1313
+ "binder, ring-binder": 446,
1314
+ "binoculars, field glasses, opera glasses": 447,
1315
+ "birdhouse": 448,
1316
+ "bison": 347,
1317
+ "bittern": 133,
1318
+ "black and gold garden spider, Argiope aurantia": 72,
1319
+ "black grouse": 80,
1320
+ "black stork, Ciconia nigra": 128,
1321
+ "black swan, Cygnus atratus": 100,
1322
+ "black widow, Latrodectus mactans": 75,
1323
+ "black-and-tan coonhound": 165,
1324
+ "black-footed ferret, ferret, Mustela nigripes": 359,
1325
+ "bloodhound, sleuthhound": 163,
1326
+ "bluetick": 164,
1327
+ "boa constrictor, Constrictor constrictor": 61,
1328
+ "boathouse": 449,
1329
+ "bobsled, bobsleigh, bob": 450,
1330
+ "bolete": 997,
1331
+ "bolo tie, bolo, bola tie, bola": 451,
1332
+ "bonnet, poke bonnet": 452,
1333
+ "book jacket, dust cover, dust jacket, dust wrapper": 921,
1334
+ "bookcase": 453,
1335
+ "bookshop, bookstore, bookstall": 454,
1336
+ "borzoi, Russian wolfhound": 169,
1337
+ "bottlecap": 455,
1338
+ "bow": 456,
1339
+ "bow tie, bow-tie, bowtie": 457,
1340
+ "box turtle, box tortoise": 37,
1341
+ "boxer": 242,
1342
+ "brain coral": 109,
1343
+ "brambling, Fringilla montifringilla": 10,
1344
+ "brass, memorial tablet, plaque": 458,
1345
+ "brassiere, bra, bandeau": 459,
1346
+ "breakwater, groin, groyne, mole, bulwark, seawall, jetty": 460,
1347
+ "breastplate, aegis, egis": 461,
1348
+ "briard": 226,
1349
+ "broccoli": 937,
1350
+ "broom": 462,
1351
+ "brown bear, bruin, Ursus arctos": 294,
1352
+ "bubble": 971,
1353
+ "bucket, pail": 463,
1354
+ "buckeye, horse chestnut, conker": 990,
1355
+ "buckle": 464,
1356
+ "bulbul": 16,
1357
+ "bull mastiff": 243,
1358
+ "bullet train, bullet": 466,
1359
+ "bulletproof vest": 465,
1360
+ "bullfrog, Rana catesbeiana": 30,
1361
+ "burrito": 965,
1362
+ "bustard": 138,
1363
+ "butcher shop, meat market": 467,
1364
+ "butternut squash": 942,
1365
+ "cab, hack, taxi, taxicab": 468,
1366
+ "cabbage butterfly": 324,
1367
+ "cairn, cairn terrier": 192,
1368
+ "caldron, cauldron": 469,
1369
+ "can opener, tin opener": 473,
1370
+ "candle, taper, wax light": 470,
1371
+ "cannon": 471,
1372
+ "canoe": 472,
1373
+ "capuchin, ringtail, Cebus capucinus": 378,
1374
+ "car mirror": 475,
1375
+ "car wheel": 479,
1376
+ "carbonara": 959,
1377
+ "cardigan": 474,
1378
+ "cardoon": 946,
1379
+ "carousel, carrousel, merry-go-round, roundabout, whirligig": 476,
1380
+ "carpenter's kit, tool kit": 477,
1381
+ "carton": 478,
1382
+ "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM": 480,
1383
+ "cassette": 481,
1384
+ "cassette player": 482,
1385
+ "castle": 483,
1386
+ "catamaran": 484,
1387
+ "cauliflower": 938,
1388
+ "cello, violoncello": 486,
1389
+ "cellular telephone, cellular phone, cellphone, cell, mobile phone": 487,
1390
+ "centipede": 79,
1391
+ "chain": 488,
1392
+ "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour": 490,
1393
+ "chain saw, chainsaw": 491,
1394
+ "chainlink fence": 489,
1395
+ "chambered nautilus, pearly nautilus, nautilus": 117,
1396
+ "cheeseburger": 933,
1397
+ "cheetah, chetah, Acinonyx jubatus": 293,
1398
+ "chest": 492,
1399
+ "chickadee": 19,
1400
+ "chiffonier, commode": 493,
1401
+ "chime, bell, gong": 494,
1402
+ "chimpanzee, chimp, Pan troglodytes": 367,
1403
+ "china cabinet, china closet": 495,
1404
+ "chiton, coat-of-mail shell, sea cradle, polyplacophore": 116,
1405
+ "chocolate sauce, chocolate syrup": 960,
1406
+ "chow, chow chow": 260,
1407
+ "church, church building": 497,
1408
+ "cicada, cicala": 316,
1409
+ "cinema, movie theater, movie theatre, movie house, picture palace": 498,
1410
+ "cleaver, meat cleaver, chopper": 499,
1411
+ "cliff dwelling": 500,
1412
+ "cliff, drop, drop-off": 972,
1413
+ "cloak": 501,
1414
+ "clog, geta, patten, sabot": 502,
1415
+ "clumber, clumber spaniel": 216,
1416
+ "cock": 7,
1417
+ "cocker spaniel, English cocker spaniel, cocker": 219,
1418
+ "cockroach, roach": 314,
1419
+ "cocktail shaker": 503,
1420
+ "coffee mug": 504,
1421
+ "coffeepot": 505,
1422
+ "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch": 391,
1423
+ "coil, spiral, volute, whorl, helix": 506,
1424
+ "collie": 231,
1425
+ "colobus, colobus monkey": 375,
1426
+ "combination lock": 507,
1427
+ "comic book": 917,
1428
+ "common iguana, iguana, Iguana iguana": 39,
1429
+ "common newt, Triturus vulgaris": 26,
1430
+ "computer keyboard, keypad": 508,
1431
+ "conch": 112,
1432
+ "confectionery, confectionary, candy store": 509,
1433
+ "consomme": 925,
1434
+ "container ship, containership, container vessel": 510,
1435
+ "convertible": 511,
1436
+ "coral fungus": 991,
1437
+ "coral reef": 973,
1438
+ "corkscrew, bottle screw": 512,
1439
+ "corn": 987,
1440
+ "cornet, horn, trumpet, trump": 513,
1441
+ "coucal": 91,
1442
+ "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor": 286,
1443
+ "cowboy boot": 514,
1444
+ "cowboy hat, ten-gallon hat": 515,
1445
+ "coyote, prairie wolf, brush wolf, Canis latrans": 272,
1446
+ "cradle": 516,
1447
+ "crane": 517,
1448
+ "crash helmet": 518,
1449
+ "crate": 519,
1450
+ "crayfish, crawfish, crawdad, crawdaddy": 124,
1451
+ "crib, cot": 520,
1452
+ "cricket": 312,
1453
+ "croquet ball": 522,
1454
+ "crossword puzzle, crossword": 918,
1455
+ "crutch": 523,
1456
+ "cucumber, cuke": 943,
1457
+ "cuirass": 524,
1458
+ "cup": 968,
1459
+ "curly-coated retriever": 206,
1460
+ "custard apple": 956,
1461
+ "daisy": 985,
1462
+ "dalmatian, coach dog, carriage dog": 251,
1463
+ "dam, dike, dyke": 525,
1464
+ "damselfly": 320,
1465
+ "desk": 526,
1466
+ "desktop computer": 527,
1467
+ "dhole, Cuon alpinus": 274,
1468
+ "dial telephone, dial phone": 528,
1469
+ "diamondback, diamondback rattlesnake, Crotalus adamanteus": 67,
1470
+ "diaper, nappy, napkin": 529,
1471
+ "digital clock": 530,
1472
+ "digital watch": 531,
1473
+ "dingo, warrigal, warragal, Canis dingo": 273,
1474
+ "dining table, board": 532,
1475
+ "dishrag, dishcloth": 533,
1476
+ "dishwasher, dish washer, dishwashing machine": 534,
1477
+ "disk brake, disc brake": 535,
1478
+ "dock, dockage, docking facility": 536,
1479
+ "dogsled, dog sled, dog sleigh": 537,
1480
+ "dome": 538,
1481
+ "doormat, welcome mat": 539,
1482
+ "dough": 961,
1483
+ "dowitcher": 142,
1484
+ "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk": 319,
1485
+ "drake": 97,
1486
+ "drilling platform, offshore rig": 540,
1487
+ "drum, membranophone, tympan": 541,
1488
+ "drumstick": 542,
1489
+ "dugong, Dugong dugon": 149,
1490
+ "dumbbell": 543,
1491
+ "dung beetle": 305,
1492
+ "ear, spike, capitulum": 998,
1493
+ "earthstar": 995,
1494
+ "echidna, spiny anteater, anteater": 102,
1495
+ "eel": 390,
1496
+ "eft": 27,
1497
+ "eggnog": 969,
1498
+ "electric fan, blower": 545,
1499
+ "electric guitar": 546,
1500
+ "electric locomotive": 547,
1501
+ "electric ray, crampfish, numbfish, torpedo": 5,
1502
+ "entertainment center": 548,
1503
+ "envelope": 549,
1504
+ "espresso": 967,
1505
+ "espresso maker": 550,
1506
+ "face powder": 551,
1507
+ "feather boa, boa": 552,
1508
+ "fiddler crab": 120,
1509
+ "fig": 952,
1510
+ "file, file cabinet, filing cabinet": 553,
1511
+ "fire engine, fire truck": 555,
1512
+ "fire screen, fireguard": 556,
1513
+ "fireboat": 554,
1514
+ "flagpole, flagstaff": 557,
1515
+ "flamingo": 130,
1516
+ "flat-coated retriever": 205,
1517
+ "flatworm, platyhelminth": 110,
1518
+ "flute, transverse flute": 558,
1519
+ "fly": 308,
1520
+ "folding chair": 559,
1521
+ "football helmet": 560,
1522
+ "forklift": 561,
1523
+ "fountain": 562,
1524
+ "fountain pen": 563,
1525
+ "four-poster": 564,
1526
+ "fox squirrel, eastern fox squirrel, Sciurus niger": 335,
1527
+ "freight car": 565,
1528
+ "frilled lizard, Chlamydosaurus kingi": 43,
1529
+ "frying pan, frypan, skillet": 567,
1530
+ "fur coat": 568,
1531
+ "gar, garfish, garpike, billfish, Lepisosteus osseus": 395,
1532
+ "garbage truck, dustcart": 569,
1533
+ "garden spider, Aranea diademata": 74,
1534
+ "garter snake, grass snake": 57,
1535
+ "gas pump, gasoline pump, petrol pump, island dispenser": 571,
1536
+ "gasmask, respirator, gas helmet": 570,
1537
+ "gazelle": 353,
1538
+ "geyser": 974,
1539
+ "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca": 388,
1540
+ "giant schnauzer": 197,
1541
+ "gibbon, Hylobates lar": 368,
1542
+ "go-kart": 573,
1543
+ "goblet": 572,
1544
+ "golden retriever": 207,
1545
+ "goldfinch, Carduelis carduelis": 11,
1546
+ "goldfish, Carassius auratus": 1,
1547
+ "golf ball": 574,
1548
+ "golfcart, golf cart": 575,
1549
+ "gondola": 576,
1550
+ "gong, tam-tam": 577,
1551
+ "goose": 99,
1552
+ "gorilla, Gorilla gorilla": 366,
1553
+ "gown": 578,
1554
+ "grand piano, grand": 579,
1555
+ "grasshopper, hopper": 311,
1556
+ "great grey owl, great gray owl, Strix nebulosa": 24,
1557
+ "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias": 2,
1558
+ "green lizard, Lacerta viridis": 46,
1559
+ "green mamba": 64,
1560
+ "green snake, grass snake": 55,
1561
+ "greenhouse, nursery, glasshouse": 580,
1562
+ "grey fox, gray fox, Urocyon cinereoargenteus": 280,
1563
+ "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus": 147,
1564
+ "grille, radiator grille": 581,
1565
+ "grocery store, grocery, food market, market": 582,
1566
+ "groenendael": 224,
1567
+ "groom, bridegroom": 982,
1568
+ "ground beetle, carabid beetle": 302,
1569
+ "guacamole": 924,
1570
+ "guenon, guenon monkey": 370,
1571
+ "guillotine": 583,
1572
+ "guinea pig, Cavia cobaya": 338,
1573
+ "gyromitra": 993,
1574
+ "hair slide": 584,
1575
+ "hair spray": 585,
1576
+ "half track": 586,
1577
+ "hammer": 587,
1578
+ "hammerhead, hammerhead shark": 4,
1579
+ "hamper": 588,
1580
+ "hamster": 333,
1581
+ "hand blower, blow dryer, blow drier, hair dryer, hair drier": 589,
1582
+ "hand-held computer, hand-held microcomputer": 590,
1583
+ "handkerchief, hankie, hanky, hankey": 591,
1584
+ "hard disc, hard disk, fixed disk": 592,
1585
+ "hare": 331,
1586
+ "harmonica, mouth organ, harp, mouth harp": 593,
1587
+ "harp": 594,
1588
+ "hartebeest": 351,
1589
+ "harvester, reaper": 595,
1590
+ "harvestman, daddy longlegs, Phalangium opilio": 70,
1591
+ "hatchet": 596,
1592
+ "hay": 958,
1593
+ "head cabbage": 936,
1594
+ "hen": 8,
1595
+ "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa": 996,
1596
+ "hermit crab": 125,
1597
+ "hip, rose hip, rosehip": 989,
1598
+ "hippopotamus, hippo, river horse, Hippopotamus amphibius": 344,
1599
+ "hog, pig, grunter, squealer, Sus scrofa": 341,
1600
+ "hognose snake, puff adder, sand viper": 54,
1601
+ "holster": 597,
1602
+ "home theater, home theatre": 598,
1603
+ "honeycomb": 599,
1604
+ "hook, claw": 600,
1605
+ "hoopskirt, crinoline": 601,
1606
+ "horizontal bar, high bar": 602,
1607
+ "hornbill": 93,
1608
+ "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus": 66,
1609
+ "horse cart, horse-cart": 603,
1610
+ "hot pot, hotpot": 926,
1611
+ "hotdog, hot dog, red hot": 934,
1612
+ "hourglass": 604,
1613
+ "house finch, linnet, Carpodacus mexicanus": 12,
1614
+ "howler monkey, howler": 379,
1615
+ "hummingbird": 94,
1616
+ "hyena, hyaena": 276,
1617
+ "iPod": 605,
1618
+ "ibex, Capra ibex": 350,
1619
+ "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus": 296,
1620
+ "ice cream, icecream": 928,
1621
+ "ice lolly, lolly, lollipop, popsicle": 929,
1622
+ "impala, Aepyceros melampus": 352,
1623
+ "indigo bunting, indigo finch, indigo bird, Passerina cyanea": 14,
1624
+ "indri, indris, Indri indri, Indri brevicaudatus": 384,
1625
+ "iron, smoothing iron": 606,
1626
+ "isopod": 126,
1627
+ "jacamar": 95,
1628
+ "jack-o'-lantern": 607,
1629
+ "jackfruit, jak, jack": 955,
1630
+ "jaguar, panther, Panthera onca, Felis onca": 290,
1631
+ "jay": 17,
1632
+ "jean, blue jean, denim": 608,
1633
+ "jeep, landrover": 609,
1634
+ "jellyfish": 107,
1635
+ "jersey, T-shirt, tee shirt": 610,
1636
+ "jigsaw puzzle": 611,
1637
+ "jinrikisha, ricksha, rickshaw": 612,
1638
+ "joystick": 613,
1639
+ "junco, snowbird": 13,
1640
+ "keeshond": 261,
1641
+ "kelpie": 227,
1642
+ "killer whale, killer, orca, grampus, sea wolf, Orcinus orca": 148,
1643
+ "kimono": 614,
1644
+ "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica": 121,
1645
+ "king penguin, Aptenodytes patagonica": 145,
1646
+ "king snake, kingsnake": 56,
1647
+ "kit fox, Vulpes macrotis": 278,
1648
+ "kite": 21,
1649
+ "knee pad": 615,
1650
+ "knot": 616,
1651
+ "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus": 105,
1652
+ "komondor": 228,
1653
+ "kuvasz": 222,
1654
+ "lab coat, laboratory coat": 617,
1655
+ "lacewing, lacewing fly": 318,
1656
+ "ladle": 618,
1657
+ "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle": 301,
1658
+ "lakeside, lakeshore": 975,
1659
+ "lampshade, lamp shade": 619,
1660
+ "langur": 374,
1661
+ "laptop, laptop computer": 620,
1662
+ "lawn mower, mower": 621,
1663
+ "leaf beetle, chrysomelid": 304,
1664
+ "leafhopper": 317,
1665
+ "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea": 34,
1666
+ "lemon": 951,
1667
+ "lens cap, lens cover": 622,
1668
+ "leopard, Panthera pardus": 288,
1669
+ "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens": 387,
1670
+ "letter opener, paper knife, paperknife": 623,
1671
+ "library": 624,
1672
+ "lifeboat": 625,
1673
+ "lighter, light, igniter, ignitor": 626,
1674
+ "limousine, limo": 627,
1675
+ "limpkin, Aramus pictus": 135,
1676
+ "liner, ocean liner": 628,
1677
+ "lion, king of beasts, Panthera leo": 291,
1678
+ "lionfish": 396,
1679
+ "lipstick, lip rouge": 629,
1680
+ "little blue heron, Egretta caerulea": 131,
1681
+ "llama": 355,
1682
+ "loggerhead, loggerhead turtle, Caretta caretta": 33,
1683
+ "long-horned beetle, longicorn, longicorn beetle": 303,
1684
+ "lorikeet": 90,
1685
+ "lotion": 631,
1686
+ "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system": 632,
1687
+ "loupe, jeweler's loupe": 633,
1688
+ "lumbermill, sawmill": 634,
1689
+ "lycaenid, lycaenid butterfly": 326,
1690
+ "lynx, catamount": 287,
1691
+ "macaque": 373,
1692
+ "macaw": 88,
1693
+ "magnetic compass": 635,
1694
+ "magpie": 18,
1695
+ "mailbag, postbag": 636,
1696
+ "mailbox, letter box": 637,
1697
+ "maillot": 638,
1698
+ "maillot, tank suit": 639,
1699
+ "malamute, malemute, Alaskan malamute": 249,
1700
+ "malinois": 225,
1701
+ "manhole cover": 640,
1702
+ "mantis, mantid": 315,
1703
+ "maraca": 641,
1704
+ "marimba, xylophone": 642,
1705
+ "marmoset": 377,
1706
+ "marmot": 336,
1707
+ "mashed potato": 935,
1708
+ "mask": 643,
1709
+ "matchstick": 644,
1710
+ "maypole": 645,
1711
+ "maze, labyrinth": 646,
1712
+ "measuring cup": 647,
1713
+ "meat loaf, meatloaf": 962,
1714
+ "medicine chest, medicine cabinet": 648,
1715
+ "meerkat, mierkat": 299,
1716
+ "megalith, megalithic structure": 649,
1717
+ "menu": 922,
1718
+ "microphone, mike": 650,
1719
+ "microwave, microwave oven": 651,
1720
+ "military uniform": 652,
1721
+ "milk can": 653,
1722
+ "miniature pinscher": 237,
1723
+ "miniature poodle": 266,
1724
+ "miniature schnauzer": 196,
1725
+ "minibus": 654,
1726
+ "miniskirt, mini": 655,
1727
+ "minivan": 656,
1728
+ "mink": 357,
1729
+ "missile": 657,
1730
+ "mitten": 658,
1731
+ "mixing bowl": 659,
1732
+ "mobile home, manufactured home": 660,
1733
+ "modem": 662,
1734
+ "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus": 323,
1735
+ "monastery": 663,
1736
+ "mongoose": 298,
1737
+ "monitor": 664,
1738
+ "moped": 665,
1739
+ "mortar": 666,
1740
+ "mortarboard": 667,
1741
+ "mosque": 668,
1742
+ "mosquito net": 669,
1743
+ "motor scooter, scooter": 670,
1744
+ "mountain bike, all-terrain bike, off-roader": 671,
1745
+ "mountain tent": 672,
1746
+ "mouse, computer mouse": 673,
1747
+ "mousetrap": 674,
1748
+ "moving van": 675,
1749
+ "mud turtle": 35,
1750
+ "mushroom": 947,
1751
+ "muzzle": 676,
1752
+ "nail": 677,
1753
+ "neck brace": 678,
1754
+ "necklace": 679,
1755
+ "nematode, nematode worm, roundworm": 111,
1756
+ "night snake, Hypsiglena torquata": 60,
1757
+ "nipple": 680,
1758
+ "notebook, notebook computer": 681,
1759
+ "obelisk": 682,
1760
+ "oboe, hautboy, hautbois": 683,
1761
+ "ocarina, sweet potato": 684,
1762
+ "odometer, hodometer, mileometer, milometer": 685,
1763
+ "oil filter": 686,
1764
+ "orange": 950,
1765
+ "orangutan, orang, orangutang, Pongo pygmaeus": 365,
1766
+ "organ, pipe organ": 687,
1767
+ "oscilloscope, scope, cathode-ray oscilloscope, CRO": 688,
1768
+ "ostrich, Struthio camelus": 9,
1769
+ "otter": 360,
1770
+ "otterhound, otter hound": 175,
1771
+ "overskirt": 689,
1772
+ "ox": 345,
1773
+ "oxcart": 690,
1774
+ "oxygen mask": 691,
1775
+ "oystercatcher, oyster catcher": 143,
1776
+ "packet": 692,
1777
+ "paddle, boat paddle": 693,
1778
+ "paddlewheel, paddle wheel": 694,
1779
+ "padlock": 695,
1780
+ "paintbrush": 696,
1781
+ "pajama, pyjama, pj's, jammies": 697,
1782
+ "palace": 698,
1783
+ "panpipe, pandean pipe, syrinx": 699,
1784
+ "paper towel": 700,
1785
+ "papillon": 157,
1786
+ "parachute, chute": 701,
1787
+ "parallel bars, bars": 702,
1788
+ "park bench": 703,
1789
+ "parking meter": 704,
1790
+ "partridge": 86,
1791
+ "passenger car, coach, carriage": 705,
1792
+ "patas, hussar monkey, Erythrocebus patas": 371,
1793
+ "patio, terrace": 706,
1794
+ "pay-phone, pay-station": 707,
1795
+ "peacock": 84,
1796
+ "pedestal, plinth, footstall": 708,
1797
+ "pelican": 144,
1798
+ "pencil box, pencil case": 709,
1799
+ "pencil sharpener": 710,
1800
+ "perfume, essence": 711,
1801
+ "photocopier": 713,
1802
+ "pick, plectrum, plectron": 714,
1803
+ "pickelhaube": 715,
1804
+ "picket fence, paling": 716,
1805
+ "pickup, pickup truck": 717,
1806
+ "pier": 718,
1807
+ "piggy bank, penny bank": 719,
1808
+ "pill bottle": 720,
1809
+ "pillow": 721,
1810
+ "pineapple, ananas": 953,
1811
+ "ping-pong ball": 722,
1812
+ "pinwheel": 723,
1813
+ "pirate, pirate ship": 724,
1814
+ "pitcher, ewer": 725,
1815
+ "pizza, pizza pie": 963,
1816
+ "plane, carpenter's plane, woodworking plane": 726,
1817
+ "planetarium": 727,
1818
+ "plastic bag": 728,
1819
+ "plate": 923,
1820
+ "plate rack": 729,
1821
+ "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus": 103,
1822
+ "plow, plough": 730,
1823
+ "plunger, plumber's helper": 731,
1824
+ "pole": 733,
1825
+ "polecat, fitch, foulmart, foumart, Mustela putorius": 358,
1826
+ "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria": 734,
1827
+ "pomegranate": 957,
1828
+ "poncho": 735,
1829
+ "pool table, billiard table, snooker table": 736,
1830
+ "pop bottle, soda bottle": 737,
1831
+ "porcupine, hedgehog": 334,
1832
+ "pot, flowerpot": 738,
1833
+ "potpie": 964,
1834
+ "potter's wheel": 739,
1835
+ "power drill": 740,
1836
+ "prairie chicken, prairie grouse, prairie fowl": 83,
1837
+ "prayer rug, prayer mat": 741,
1838
+ "pretzel": 932,
1839
+ "printer": 742,
1840
+ "prison, prison house": 743,
1841
+ "proboscis monkey, Nasalis larvatus": 376,
1842
+ "projectile, missile": 744,
1843
+ "projector": 745,
1844
+ "promontory, headland, head, foreland": 976,
1845
+ "ptarmigan": 81,
1846
+ "puck, hockey puck": 746,
1847
+ "puffer, pufferfish, blowfish, globefish": 397,
1848
+ "pug, pug-dog": 254,
1849
+ "punching bag, punch bag, punching ball, punchball": 747,
1850
+ "purse": 748,
1851
+ "quail": 85,
1852
+ "quill, quill pen": 749,
1853
+ "quilt, comforter, comfort, puff": 750,
1854
+ "racer, race car, racing car": 751,
1855
+ "racket, racquet": 752,
1856
+ "radiator": 753,
1857
+ "radio telescope, radio reflector": 755,
1858
+ "radio, wireless": 754,
1859
+ "rain barrel": 756,
1860
+ "ram, tup": 348,
1861
+ "rapeseed": 984,
1862
+ "recreational vehicle, RV, R.V.": 757,
1863
+ "red fox, Vulpes vulpes": 277,
1864
+ "red wine": 966,
1865
+ "red wolf, maned wolf, Canis rufus, Canis niger": 271,
1866
+ "red-backed sandpiper, dunlin, Erolia alpina": 140,
1867
+ "red-breasted merganser, Mergus serrator": 98,
1868
+ "redbone": 168,
1869
+ "redshank, Tringa totanus": 141,
1870
+ "reel": 758,
1871
+ "reflex camera": 759,
1872
+ "refrigerator, icebox": 760,
1873
+ "remote control, remote": 761,
1874
+ "restaurant, eating house, eating place, eatery": 762,
1875
+ "revolver, six-gun, six-shooter": 763,
1876
+ "rhinoceros beetle": 306,
1877
+ "rifle": 764,
1878
+ "ringlet, ringlet butterfly": 322,
1879
+ "ringneck snake, ring-necked snake, ring snake": 53,
1880
+ "robin, American robin, Turdus migratorius": 15,
1881
+ "rock beauty, Holocanthus tricolor": 392,
1882
+ "rock crab, Cancer irroratus": 119,
1883
+ "rock python, rock snake, Python sebae": 62,
1884
+ "rocking chair, rocker": 765,
1885
+ "rotisserie": 766,
1886
+ "rubber eraser, rubber, pencil eraser": 767,
1887
+ "ruddy turnstone, Arenaria interpres": 139,
1888
+ "ruffed grouse, partridge, Bonasa umbellus": 82,
1889
+ "rugby ball": 768,
1890
+ "rule, ruler": 769,
1891
+ "running shoe": 770,
1892
+ "safe": 771,
1893
+ "safety pin": 772,
1894
+ "saltshaker, salt shaker": 773,
1895
+ "sandal": 774,
1896
+ "sandbar, sand bar": 977,
1897
+ "sarong": 775,
1898
+ "sax, saxophone": 776,
1899
+ "scabbard": 777,
1900
+ "scale, weighing machine": 778,
1901
+ "schipperke": 223,
1902
+ "school bus": 779,
1903
+ "schooner": 780,
1904
+ "scoreboard": 781,
1905
+ "scorpion": 71,
1906
+ "screen, CRT screen": 782,
1907
+ "screw": 783,
1908
+ "screwdriver": 784,
1909
+ "scuba diver": 983,
1910
+ "sea anemone, anemone": 108,
1911
+ "sea cucumber, holothurian": 329,
1912
+ "sea lion": 150,
1913
+ "sea slug, nudibranch": 115,
1914
+ "sea snake": 65,
1915
+ "sea urchin": 328,
1916
+ "seashore, coast, seacoast, sea-coast": 978,
1917
+ "seat belt, seatbelt": 785,
1918
+ "sewing machine": 786,
1919
+ "shield, buckler": 787,
1920
+ "shoe shop, shoe-shop, shoe store": 788,
1921
+ "shoji": 789,
1922
+ "shopping basket": 790,
1923
+ "shopping cart": 791,
1924
+ "shovel": 792,
1925
+ "shower cap": 793,
1926
+ "shower curtain": 794,
1927
+ "siamang, Hylobates syndactylus, Symphalangus syndactylus": 369,
1928
+ "sidewinder, horned rattlesnake, Crotalus cerastes": 68,
1929
+ "silky terrier, Sydney silky": 201,
1930
+ "ski": 795,
1931
+ "ski mask": 796,
1932
+ "skunk, polecat, wood pussy": 361,
1933
+ "sleeping bag": 797,
1934
+ "slide rule, slipstick": 798,
1935
+ "sliding door": 799,
1936
+ "slot, one-armed bandit": 800,
1937
+ "sloth bear, Melursus ursinus, Ursus ursinus": 297,
1938
+ "slug": 114,
1939
+ "snail": 113,
1940
+ "snorkel": 801,
1941
+ "snow leopard, ounce, Panthera uncia": 289,
1942
+ "snowmobile": 802,
1943
+ "snowplow, snowplough": 803,
1944
+ "soap dispenser": 804,
1945
+ "soccer ball": 805,
1946
+ "sock": 806,
1947
+ "soft-coated wheaten terrier": 202,
1948
+ "solar dish, solar collector, solar furnace": 807,
1949
+ "sombrero": 808,
1950
+ "sorrel": 339,
1951
+ "soup bowl": 809,
1952
+ "space bar": 810,
1953
+ "space heater": 811,
1954
+ "space shuttle": 812,
1955
+ "spaghetti squash": 940,
1956
+ "spatula": 813,
1957
+ "speedboat": 814,
1958
+ "spider monkey, Ateles geoffroyi": 381,
1959
+ "spider web, spider's web": 815,
1960
+ "spindle": 816,
1961
+ "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish": 123,
1962
+ "spoonbill": 129,
1963
+ "sports car, sport car": 817,
1964
+ "spotlight, spot": 818,
1965
+ "spotted salamander, Ambystoma maculatum": 28,
1966
+ "squirrel monkey, Saimiri sciureus": 382,
1967
+ "stage": 819,
1968
+ "standard poodle": 267,
1969
+ "standard schnauzer": 198,
1970
+ "starfish, sea star": 327,
1971
+ "steam locomotive": 820,
1972
+ "steel arch bridge": 821,
1973
+ "steel drum": 822,
1974
+ "stethoscope": 823,
1975
+ "stingray": 6,
1976
+ "stinkhorn, carrion fungus": 994,
1977
+ "stole": 824,
1978
+ "stone wall": 825,
1979
+ "stopwatch, stop watch": 826,
1980
+ "stove": 827,
1981
+ "strainer": 828,
1982
+ "strawberry": 949,
1983
+ "street sign": 919,
1984
+ "streetcar, tram, tramcar, trolley, trolley car": 829,
1985
+ "stretcher": 830,
1986
+ "studio couch, day bed": 831,
1987
+ "stupa, tope": 832,
1988
+ "sturgeon": 394,
1989
+ "submarine, pigboat, sub, U-boat": 833,
1990
+ "suit, suit of clothes": 834,
1991
+ "sulphur butterfly, sulfur butterfly": 325,
1992
+ "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita": 89,
1993
+ "sundial": 835,
1994
+ "sunglass": 836,
1995
+ "sunglasses, dark glasses, shades": 837,
1996
+ "sunscreen, sunblock, sun blocker": 838,
1997
+ "suspension bridge": 839,
1998
+ "swab, swob, mop": 840,
1999
+ "sweatshirt": 841,
2000
+ "swimming trunks, bathing trunks": 842,
2001
+ "swing": 843,
2002
+ "switch, electric switch, electrical switch": 844,
2003
+ "syringe": 845,
2004
+ "tabby, tabby cat": 281,
2005
+ "table lamp": 846,
2006
+ "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui": 32,
2007
+ "tank, army tank, armored combat vehicle, armoured combat vehicle": 847,
2008
+ "tape player": 848,
2009
+ "tarantula": 76,
2010
+ "teapot": 849,
2011
+ "teddy, teddy bear": 850,
2012
+ "television, television system": 851,
2013
+ "tench, Tinca tinca": 0,
2014
+ "tennis ball": 852,
2015
+ "terrapin": 36,
2016
+ "thatch, thatched roof": 853,
2017
+ "theater curtain, theatre curtain": 854,
2018
+ "thimble": 855,
2019
+ "three-toed sloth, ai, Bradypus tridactylus": 364,
2020
+ "thresher, thrasher, threshing machine": 856,
2021
+ "throne": 857,
2022
+ "thunder snake, worm snake, Carphophis amoenus": 52,
2023
+ "tick": 78,
2024
+ "tiger beetle": 300,
2025
+ "tiger cat": 282,
2026
+ "tiger shark, Galeocerdo cuvieri": 3,
2027
+ "tiger, Panthera tigris": 292,
2028
+ "tile roof": 858,
2029
+ "timber wolf, grey wolf, gray wolf, Canis lupus": 269,
2030
+ "titi, titi monkey": 380,
2031
+ "toaster": 859,
2032
+ "tobacco shop, tobacconist shop, tobacconist": 860,
2033
+ "toilet seat": 861,
2034
+ "toilet tissue, toilet paper, bathroom tissue": 999,
2035
+ "torch": 862,
2036
+ "totem pole": 863,
2037
+ "toucan": 96,
2038
+ "tow truck, tow car, wrecker": 864,
2039
+ "toy poodle": 265,
2040
+ "toy terrier": 158,
2041
+ "toyshop": 865,
2042
+ "tractor": 866,
2043
+ "traffic light, traffic signal, stoplight": 920,
2044
+ "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi": 867,
2045
+ "tray": 868,
2046
+ "tree frog, tree-frog": 31,
2047
+ "trench coat": 869,
2048
+ "triceratops": 51,
2049
+ "tricycle, trike, velocipede": 870,
2050
+ "trifle": 927,
2051
+ "trilobite": 69,
2052
+ "trimaran": 871,
2053
+ "tripod": 872,
2054
+ "triumphal arch": 873,
2055
+ "trolleybus, trolley coach, trackless trolley": 874,
2056
+ "trombone": 875,
2057
+ "tub, vat": 876,
2058
+ "turnstile": 877,
2059
+ "tusker": 101,
2060
+ "typewriter keyboard": 878,
2061
+ "umbrella": 879,
2062
+ "unicycle, monocycle": 880,
2063
+ "upright, upright piano": 881,
2064
+ "vacuum, vacuum cleaner": 882,
2065
+ "valley, vale": 979,
2066
+ "vase": 883,
2067
+ "vault": 884,
2068
+ "velvet": 885,
2069
+ "vending machine": 886,
2070
+ "vestment": 887,
2071
+ "viaduct": 888,
2072
+ "vine snake": 59,
2073
+ "violin, fiddle": 889,
2074
+ "vizsla, Hungarian pointer": 211,
2075
+ "volcano": 980,
2076
+ "volleyball": 890,
2077
+ "vulture": 23,
2078
+ "waffle iron": 891,
2079
+ "walking stick, walkingstick, stick insect": 313,
2080
+ "wall clock": 892,
2081
+ "wallaby, brush kangaroo": 104,
2082
+ "wallet, billfold, notecase, pocketbook": 893,
2083
+ "wardrobe, closet, press": 894,
2084
+ "warplane, military plane": 895,
2085
+ "warthog": 343,
2086
+ "washbasin, handbasin, washbowl, lavabo, wash-hand basin": 896,
2087
+ "washer, automatic washer, washing machine": 897,
2088
+ "water bottle": 898,
2089
+ "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis": 346,
2090
+ "water jug": 899,
2091
+ "water ouzel, dipper": 20,
2092
+ "water snake": 58,
2093
+ "water tower": 900,
2094
+ "weasel": 356,
2095
+ "web site, website, internet site, site": 916,
2096
+ "weevil": 307,
2097
+ "whippet": 172,
2098
+ "whiptail, whiptail lizard": 41,
2099
+ "whiskey jug": 901,
2100
+ "whistle": 902,
2101
+ "white stork, Ciconia ciconia": 127,
2102
+ "white wolf, Arctic wolf, Canis lupus tundrarum": 270,
2103
+ "wig": 903,
2104
+ "wild boar, boar, Sus scrofa": 342,
2105
+ "window screen": 904,
2106
+ "window shade": 905,
2107
+ "wine bottle": 907,
2108
+ "wing": 908,
2109
+ "wire-haired fox terrier": 188,
2110
+ "wok": 909,
2111
+ "wolf spider, hunting spider": 77,
2112
+ "wombat": 106,
2113
+ "wood rabbit, cottontail, cottontail rabbit": 330,
2114
+ "wooden spoon": 910,
2115
+ "wool, woolen, woollen": 911,
2116
+ "worm fence, snake fence, snake-rail fence, Virginia fence": 912,
2117
+ "wreck": 913,
2118
+ "yawl": 914,
2119
+ "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum": 986,
2120
+ "yurt": 915,
2121
+ "zebra": 340,
2122
+ "zucchini, courgette": 939
2123
+ },
2124
+ "layer_norm_eps": 1e-12,
2125
+ "length_penalty": 1.0,
2126
+ "max_length": 20,
2127
+ "min_length": 0,
2128
+ "model_type": "vit",
2129
+ "no_repeat_ngram_size": 0,
2130
+ "num_attention_heads": 12,
2131
+ "num_beam_groups": 1,
2132
+ "num_beams": 1,
2133
+ "num_channels": 3,
2134
+ "num_hidden_layers": 12,
2135
+ "num_return_sequences": 1,
2136
+ "output_attentions": false,
2137
+ "output_hidden_states": false,
2138
+ "output_scores": false,
2139
+ "pad_token_id": null,
2140
+ "patch_size": 16,
2141
+ "prefix": null,
2142
+ "problem_type": null,
2143
+ "pruned_heads": {},
2144
+ "qkv_bias": true,
2145
+ "remove_invalid_values": false,
2146
+ "repetition_penalty": 1.0,
2147
+ "return_dict": true,
2148
+ "return_dict_in_generate": false,
2149
+ "sep_token_id": null,
2150
+ "task_specific_params": null,
2151
+ "temperature": 1.0,
2152
+ "tie_encoder_decoder": false,
2153
+ "tie_word_embeddings": true,
2154
+ "tokenizer_class": null,
2155
+ "top_k": 50,
2156
+ "top_p": 1.0,
2157
+ "torch_dtype": null,
2158
+ "torchscript": false,
2159
+ "transformers_version": "4.17.0",
2160
+ "typical_p": 1.0,
2161
+ "use_bfloat16": false
2162
+ }
2163
+ }
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fd64ced7aa6d861b7a47fe5c96140b41abf81db484759485fd91e949278dc139
3
+ size 786624867
rinna.png ADDED