File size: 16,963 Bytes
e08f928
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dfe3a28
 
 
 
4e7c13d
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dfe3a28
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
e08f928
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
a464b4a
e08f928
a464b4a
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
83242a3
 
 
a464b4a
 
e08f928
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327

# AltCLIP-m18


|      名称 Name       |  任务 Task   |   语言 Language(s)    | 模型 Model | Github |
|:------------------:|:----------:|:-------------------:|:--------:|:------:|
| AltCLIP-m18 |  Text-Image | Multilingual |   CLIP   |   [FlagAI](https://github.com/FlagAI-Open/FlagAI)   |

## 简介 Brief Introduction

继双语模型AltCLIP与9语模型AltCLIP-m9之后,我们训练了18语CLIP模型。命名为AltCLIP-m18。它支持英语、中文、日语、泰语、韩语、印地语、乌克兰语、阿拉伯语、土耳其语、越南语、波兰语、荷兰语、葡萄牙语、意大利语、西班牙语、德语、法语和俄语。

AltCLIP-m18模型可以为AltDiffusion-m18模型提供支持,关于AltDiffusion模型的具体信息可查看[此教程](https://github.com/FlagAI-Open/FlagAI/tree/master/examples/AltDiffusion/README.md) 。

模型代码已经在 [FlagAI](https://github.com/FlagAI-Open/FlagAI/tree/master/examples/AltCLIP-m18) 上开源,权重位于我们搭建的 [modelhub](https://model.baai.ac.cn/model-detail/100095) 上。我们还提供了微调,推理,验证的脚本,欢迎试用。

Following the bilingual model AltCLIP and the nine-language model AltCLIP-m9, we trained the eighteen-language CLIP model, Named AltCLIP-m18. It supports English, Chinese, Japanese, Thai, Korean, Hindi, Ukrainian, Arabic, Turkish, Vietnamese, Polish, Dutch, Portuguese, Italian, Spanish, German, French, and Russian.

The AltCLIP-m18 model can provide support for the AltDiffusion-m18 model. Specific information on the AltDiffusion modle can be found in [this tutorial](https://github.com/FlagAI-Open/FlagAI/tree/master/examples/AltDiffusion/README.md).

The model code has been open sourced on [FlagAI](https://github.com/FlagAI-Open/FlagAI/tree/master/examples/AltCLIP-m18) and the weights are located on [modelhub](https://model.baai.ac.cn/model-detail/100095). We also provide scripts for fine-tuning, inference, and validation, so feel free to try them out.

## 训练数据集 Training datasets



| No   | Language |                    Stage1(LAION400M)(MIT)                    |
| ---- | :------: | :----------------------------------------------------------: |
| 1    |  **En**  |                                                              |
| 2    |  **th**  |       [CCAligned](https://opus.nlpl.eu/CCAligned.php)        |
| 3    |  **ko**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)) |
| 4    |  **hi**  |       [CCAligned](https://opus.nlpl.eu/CCAligned.php)        |
| 5    |  **uk**  |        [CCMatrix](https://opus.nlpl.eu/CCMatrix.php)         |
| 6    |  **ar**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [OpenSubtitles](https://opus.nlpl.eu/OpenSubtitles-v2018.php) |
| 7    |  **tr**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [CCMatrix](https://opus.nlpl.eu/CCMatrix.php) |
| 8    |  **vi**  |        [CCMatrix](https://opus.nlpl.eu/CCMatrix.php)         |
| 9    |  **pl**  | [CCMatrix](https://opus.nlpl.eu/CCMatrix.php) , WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)) |
| 10   |  **nl**  |        [CCMatrix](https://opus.nlpl.eu/CCMatrix.php)         |
| 11   |  **pt**  |       [CCAligned](https://opus.nlpl.eu/CCAligned.php)        |
| 12   |  **it**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [Wikipedia](https://opus.nlpl.eu/Wikipedia.php) |
| 13   |  **ja**  | [MultiParaCrawl](https://opus.nlpl.eu/MultiParaCrawl.php) ([Creative Commons CC0 license](https://creativecommons.org/share-your-work/public-domain/cc0/) ) |
| 14   |  **zh**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [TSL2019](https://github.com/brightmart/nlp_chinese_corpus) |
| 15   |  **es**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)) |
| 16   |  **de**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [EUbookshop](https://opus.nlpl.eu/EUbookshop.php) |
| 17   |  **fr**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), EuroPat ([Creative Commons CC0 license](https://creativecommons.org/share-your-work/public-domain/cc0/)) |
| 18   |  **ru**  | WikiMatrix ([CC-BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/legalcode)), [CCMatrix](https://opus.nlpl.eu/CCMatrix.php) |

\[1] WuDaoMM数据集仅用于学术研究,任何使用该数据集都应该遵循以下要求。WuDaoMM不拥有这些图片的版权。 图片的使用必须遵守[Flickr使用条款](http://creativecommons.org/licenses/by/4.0/)。 图像的用户对使用数据集承担全部责任,不私自传播上面的图片。 如果图片的版权受到侵犯,请联系我们,我们将立即删除。

[1] WuDaoMMdataset is only used for academic research, any use of this dataset should follow the following requirements. WuDaoMM does not own the copyright of these pictures. Use of images is subject to the [Flickr term of use](http://creativecommons.org/licenses/by/4.0/). Users of the images take full responsibility for using the dataset and do not distribute the above images privately. If the copyright of the image is violated, please contact us and it will be removed immediately.



阶段1使用平行语料库数据。

阶段2和3主要使用Laion-Aesthetics的一个子集。中文数据集采用wudaoMM数据集(CC-BY-SA 4.0)。

Stage 1 uses parallel corpus data. 

Stage2&3 mainly use a subset of Laion-Aesthetics. The wudaoMM data set (CC-BY-SA 4.0) is used as a Chinese data set.



## 引用 Citation

关于AltCLIP,我们已经推出了相关报告,有更多细节可以查阅,如对您的工作有帮助,欢迎引用。

If you find this work helpful, please consider to cite
```
@article{https://doi.org/10.48550/arxiv.2211.06679,
  doi = {10.48550/ARXIV.2211.06679},
  url = {https://arxiv.org/abs/2211.06679},
  author = {Chen, Zhongzhi and Liu, Guang and Zhang, Bo-Wen and Ye, Fulong and Yang, Qinghong and Wu, Ledell},
  keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences},
  title = {AltCLIP: Altering the Language Encoder in CLIP for Extended Language Capabilities},
  publisher = {arXiv},
  year = {2022},
  copyright = {arXiv.org perpetual, non-exclusive license}
}
```

## AltCLIP-m18评测  AltCLIP-m18 evaluation

部分数据集评测结果展示:

Partial dataset evaluation results are displayed:

### ImageNet

|             | ImageNet-adv | ImageNet-adv-cn | ImageNet-adv-es | ImageNet-adv-fr | ImageNet-adv-it | ImageNet-adv-jp | ImageNet-adv-ko | ImageNet-adv-ru |      | ImageNet-ren | ImageNet-ren-cn | imageNet-ren-es | ImageNet-ren-fr | ImageNet-ren-it | ImageNet-ren-jp | ImageNet-ren-ko | ImageNet-ren-ru |      | ImageNet-ske | ImageNet-ske-cn | ImageNet-ske-es | ImageNet-ske-fr | ImageNet-ske-it | ImageNet-ske-jp | ImageNet-ske-ko | ImageNet-ske-ru |      | ImageNet-1k | ImageNet-1k-cn | ImageNet-1k-es | ImageNet-1k-fr | ImageNet-1k-it | ImageNet-1k-jp | ImageNet-1k-ko | ImageNet-1k-ru |      | ImageNet-v2 | ImageNet-v2-cn | ImageNet-v2-es | ImageNet-v2-fr | ImageNet-v2-it | ImageNet-v2-jp | ImageNet-v2-ko | ImageNet-v2-ru |      |
| :---------: | :----------: | :-------------: | :-------------: | :-------------: | --------------- | --------------- | --------------- | --------------- | ---- | :----------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :--: | :----------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | ---- | ----------- | -------------- | -------------- | -------------- | -------------- | -------------- | -------------- | -------------- | ---- | ----------- | -------------- | -------------- | -------------- | -------------- | -------------- | -------------- | -------------- | ---- |
| AltCLIP-M18 |      58      |      50.35      |      43.56      |      44.07      | 48.25           | 36.48           | 38.48           | 40.57           |      |    89.53     |      81.36      |      71.78      |      74.96      |      76.44      |      67.68      |      69.27      |      75.53      |      |    65.42     |      51.26      |      97.44      |      84.83      |      30.52      |      68.62      |      67.46      |      54.4       |      | 76.71       | 57.12          | 54.22          | 54.84          | 52.29          | 51.71          | 53.65          | 51.53          |      | 65.45       | 51.76          | 48.91          | 49.24          | 47.27          | 46.76          | 48.1           | 46.53          |      |



### 其他分类	Other classification

|  | caltech101 | cars  | cifar10 | cifar100 | country211 |  dtd  | eurosat | fer2013 | Fgvc-aircraft | flowers | food101 | gtsrb | Hateful-memes | Kitti-distance | Mnist | pcam  | pets  | Renderedsst2 | Resisc45 | Voc2007 |
| :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: | :----: |
| AltCLIP-M18 |   88.25    | 92.75 |  97.44  |  84.83   |   30.52    | 68.62 |  67.46  |  54.4   |     40.41     |  71.64  |  92.49  | 56.35 |     50.8      |     14.91      | 78.46 | 54.76 | 94.11 |    65.95     |  70.83   |  81.62  |

### 检索 Retrieval



|             | Multi30k-de-I2T | Multi30k-de-T2I | Multi30k-en-I2T | Multi30k-en-T2I | Multi30k-fr-I2T | Multi30k-fr-I2T | Xtd-de-I2T | Xtd-de-T2I | Xtd-en-I2T | Xtd-en-T2I | Xtd-es-I2T | Xtd-es-T2I | Xtd-fr-I2T | Xtd-fr-T2I | Xtd- it- I2T | Xtd-it- T2I | Xtd-jp-I2T | Xtd-jp-T2I | Xtd-ko-I2T | Xtd-ko-T2I | Xtd-pl-I2T | Xtd-pl-T2I | Xtd-ru-I2T | Xtd-ru-T2I | Xtd-tr-I2T | Xtd-tr-T2I | Xtd-zh-I2T | Xtd-zh-T2I |
| :---------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :-------------: | :--------: | :--------: | :--------: | :--------: | :--------: | :--------: | :--------: | :--------: | :----------: | :---------: | :--------: | :--------: | :--------: | :--------: | :--------: | ---------- | ---------- | ---------- | ---------- | ---------- | ---------- | ---------- |
| AltCLIP-M18 |      84.4       |      65.82      |      91.1       |      77.76      |      74.5       |      75.4       |   64.76    |   66.57    |   72.17    |   72.67    |   65.83    |   65.03    |   67.17    |   67.47    |    66.63     |    66.03    |   58.96    |   62.96    |   61.42    |   64.43    |   67.23    | 69.14      | 60.22      | 61.02      | 65.03      | 64.23      | 64.53      | 65.43      |

### Cifar10 dataset evaluation code

```python
# Copyright © 2022 BAAI. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License")
import torch
from flagai.auto_model.auto_loader import AutoLoader
import zeroshot_classification
import json 
import os 
from torchvision.datasets import CIFAR10

device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
maxlen = 256

dataset_root = "./clip_benchmark_datasets/"
dataset_name = "cifar10"

auto_loader = AutoLoader(
    task_name="txt_img_matching",
    model_dir="./checkpoints/",
    model_name="AltCLIP-XLMR-L-m18"   # Load the checkpoints from Modelhub(model.baai.ac.cn/models)
)

model = auto_loader.get_model()
model.to(device)
model.eval()
tokenizer = auto_loader.get_tokenizer()
transform = auto_loader.get_transform()

dataset = CIFAR10(root=os.path.join(dataset_root, dataset_name), 
                transform=transform,   
                download=True)
batch_size = 128
num_workers = 4

template = {"cifar10": [
        "a photo of a {c}.",
        "a blurry photo of a {c}.",
        "a black and white photo of a {c}.",
        "a low contrast photo of a {c}.",
        "a high contrast photo of a {c}.",
        "a bad photo of a {c}.",
        "a good photo of a {c}.",
        "a photo of a small {c}.",
        "a photo of a big {c}.",
        "a photo of the {c}.",
        "a blurry photo of the {c}.",
        "a black and white photo of the {c}.",
        "a low contrast photo of the {c}.",
        "a high contrast photo of the {c}.",
        "a bad photo of the {c}.",
        "a good photo of the {c}.",
        "a photo of the small {c}.",
        "a photo of the big {c}."
    ],
}
def evaluate():
    if dataset:
        dataloader = torch.utils.data.DataLoader(
            dataset,
            batch_size=batch_size,
            shuffle=False,
            num_workers=num_workers,
        )

        zeroshot_templates = template["cifar10"]
        classnames = dataset.classes if hasattr(dataset, "classes") else None

        metrics = zeroshot_classification.evaluate(
            model,
            dataloader,
            tokenizer,
            classnames, 
            zeroshot_templates,
            device=device,
            amp=True,
        )
       
        dump = {
            "dataset": dataset_name,
            "metrics": metrics
        }

        print(dump)
        with open("./result.txt", "w") as f:
            json.dump(dump, f)
        return metrics

if __name__ == "__main__":
    evaluate()

```



##  推理脚本 inference

```python
import torch
from PIL import Image
from flagai.auto_model.auto_loader import AutoLoader

device = torch.device("cuda" if torch.cuda.is_available() else "cpu")

loader = AutoLoader(
    task_name="txt_img_matching",
    model_name="AltCLIP-XLMR-L-m18",   # Load the checkpoints from Modelhub(model.baai.ac.cn/models)
    model_dir="./checkpoints"
)

model = loader.get_model()
tokenizer = loader.get_tokenizer()
transform = loader.get_transform()

model.eval()
model.to(device)
tokenizer = loader.get_tokenizer()

def inference():
    image = Image.open("./dog.jpeg")
    image = transform(image)
    image = torch.tensor(image["pixel_values"]).to(device)
    tokenizer_out = tokenizer(["a rat", "a dog", "a cat"], 
                                padding=True,
                                truncation=True,
                                max_length=77,
                                return_tensors='pt')

    text = tokenizer_out["input_ids"].to(device)
    attention_mask = tokenizer_out["attention_mask"].to(device)
    with torch.no_grad():
        image_features = model.get_image_features(image)
        text_features = model.get_text_features(text, attention_mask=attention_mask)
        text_probs = (image_features @ text_features.T).softmax(dim=-1)

    print(text_probs.cpu().numpy()[0].tolist())

if __name__=="__main__":
    inference()
```



## 微调 fintuning 

Cifar10 dataset 

```python
# Copyright © 2022 BAAI. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License")
import torch
from flagai.auto_model.auto_loader import AutoLoader
import os 
from flagai.trainer import Trainer
from torchvision.datasets import (
    CIFAR10
)

device = torch.device("cuda" if torch.cuda.is_available() else "cpu")

dataset_root = "./clip_benchmark_datasets"
dataset_name = "cifar10"

batch_size = 4
classes = ['airplane', 'automobile', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck']

auto_loader = AutoLoader(
    task_name="txt_img_matching",
    model_dir="./checkpoints",
    model_name="AltCLIP-XLMR-L-m18"   # Load the checkpoints from Modelhub(model.baai.ac.cn/models)
)

model = auto_loader.get_model()
model.to(device)
model.eval()
tokenizer = auto_loader.get_tokenizer()
transform = auto_loader.get_transform()

trainer = Trainer(env_type="pytorch",
                pytorch_device=device,
                experiment_name="clip_finetuning",
                batch_size=4,
                lr=1e-4,
                epochs=10,
                log_interval=10)

dataset = CIFAR10(root=os.path.join(dataset_root, dataset_name), 
                transform=transform,   
                download=True)

def cifar10_collate_fn(batch):
    # image shape is (batch, 3, 224, 224)
    images = torch.tensor([b[0]["pixel_values"][0] for b in batch])
    # text_id shape is (batch, n)
    input_ids = torch.tensor([tokenizer(f"a photo of a {b[1]}",
                                padding=True,
                                truncation=True,
                                max_length=77)["input_ids"] for b in batch])    

    attention_mask = torch.tensor([tokenizer(f"a photo of a {b[1]}",
                                padding=True,
                                truncation=True,
                                max_length=77)["attention_mask"] for b in batch])

    return {
        "pixel_values": images,
        "input_ids": input_ids,
        "attention_mask": attention_mask,
    }
    
if __name__ == "__main__":
    trainer.train(model=model, train_dataset=dataset, collate_fn=cifar10_collate_fn)
```