CLIP (Contrastive Language–Image Pre-training) for Italian

Overview

Italian CLIP

Youtube Video HuggingFace Spaces Open In Colab Medium Blog Post

CLIP (Radford et al., 2021) is a multimodal model that can learn to represent images and text jointly in the same space.

In this project, we aim to propose the first CLIP model trained on Italian data, that in this context can be considered a low resource language. Using a few techniques, we have been able to fine-tune a SOTA Italian CLIP model with only 1.4 million training samples. Our Italian CLIP model is built upon the pre-trained Italian BERT model provided by dbmdz and the OpenAI vision transformer.

In building this project we kept in mind the following principles:

  • Novel Contributions: We created an impressive dataset of ~1.4 million Italian image-text pairs (that we will share with the community) and, to the best of our knowledge, we trained the best Italian CLIP model currently in existence;
  • Scientific Validity: Claim are easy, facts are hard. That's why validation is important to assess the real impact of a model. We thoroughly evaluated our models on two tasks and made the validation reproducible for everybody.
  • Broader Outlook: We always kept in mind which are the possible usages and limitations of this model.

We put our hearts and souls into the project during this week! Not only did we work on a cool project, but we were able to make new friends and learn a lot from each other to work towards a common goal! Thank you for this amazing opportunity, we hope you will like the results! ❤️

Pre-print available here

@article{bianchi2021contrastive,
  title={Contrastive Language-Image Pre-training for the Italian Language},
  author={Bianchi, Federico and Attanasio, Giuseppe and Pisoni, Raphael and Terragni, Silvia and Sarti, Gabriele and Lakshmi, Sri},
  journal={arXiv preprint arXiv:2108.08688},
  year={2021}
}

HuggingFace Spaces demo available here.

What you will find in the demo:

  • Text to Image: This task is essentially an image retrieval task. The user is asked to input a string of text and CLIP is going to compute the similarity between this string of text with respect to a set of images. The webapp is going to display the images that have the highest similarity with the text query.

text2image

  • Image to Text: This task is essentially a zero-shot image classification task. The user is asked for an image and for a set of captions/labels and CLIP is going to compute the similarity between the image and each label. The webapp is going to display a probability distribution over the captions.

image2text

  • Localization: This is a very cool feature 😎 and at the best of our knowledge, it is a novel contribution. We can use CLIP to find where "something" (like a "cat") is in an image. The location of the object is computed by masking different areas of the image and looking at how the similarity to the image description changes.

localization localization2

Novel Contributions

The original CLIP model was trained on 400 million image-text pairs; this amount of data is currently not available for Italian. We indeed worked in a low-resource setting. The only datasets for Italian captioning in the literature are MSCOCO-IT (a translated version of MSCOCO) and WIT. To get competitive results, we followed three strategies:

  1. more and better data;
  2. better augmentations;
  3. better training strategies.

For those interested, we have a ☄️ Comet report that shows a subset of the experiments we ran. Different hyper-parameters played a role in reducing the validation loss. The optimizer we used gave us great performance and fast convergence, more data and augmentations helped a lot in generalizing, working on the training and on the loss gave us the final increase that you can see in the results.

More and Better Data

We eventually had to deal with the fact that we do not have the same data that OpenAI had during the training of CLIP. Thus, we tried to add as much data as possible while keeping the data-quality as high as possible.

We considered four main sources of data:

  • WIT is an image-caption dataset collected from Wikipedia (see, Srinivasan et al., 2021). We focused on the Reference Description captions described in the paper as they are the ones of highest quality. Nonetheless, many of these captions describe ontological knowledge and encyclopedic facts (e.g., Roberto Baggio in 1994). However, this kind of text, without more information, is not useful to learn a good mapping between images and captions. To prevent polluting the data with captions that are not meaningful, we used POS tagging on the text and removed all the captions that were composed for the 80% or more by PROPN (around ~10% of the data). This is a simple solution that allowed us to retain much of the dataset, without introducing noise.

    Captions like *'Dora Riparia', 'Anna Maria Mozzoni', 'Joey Ramone Place', 'Kim Rhodes', 'Ralph George Hawtrey' * have been removed.

  • MSCOCO-IT. This image-caption dataset comes from the work by Scaiella et al., 2019. The captions come from the original MSCOCO dataset and have been translated with Microsoft Translator. The 2017 version of the MSCOCO training set contains more than 100K images, for each image more than one caption is available.

  • Conceptual Captions. This image-caption dataset comes from the work by Sharma et al., 2018. There are more than 3mln image-caption pairs in this dataset that have been collected from the web. We downloaded the images with the URLs provided by the dataset, but we could not retrieve them all. Eventually, we had to translate the captions to Italian. We have been able to collect a dataset with 700K translated captions.

  • La Foto del Giorno. This image-caption dataset is collected from Il Post, a prominent Italian online newspaper. The collection contains almost 30K pairs: starting from early 2011, for each day, editors at Il Post pick several images picturing the most salient events in the world. Each photo comes along with an Italian caption.

A Note on Translations

Instead of relying on open-source translators, we decided to use DeepL. Translation quality of the data was the main reason of this choice. With the few images (wrt OpenAI) that we have, we cannot risk polluting our own data. CC is a great resource, but the captions have to be handled accordingly. We translated 700K captions and we evaluated their quality.

Three of us looked at a sample of 100 of the translations and rated them with scores from 1 to 4. The meaning of the value is as follows: 1, the sentence has lost is meaning, or it's not possible to understand it; 2, it is possible to get the idea but there is something wrong; 3, good, however a native speaker might complain about some translations; 4, good translation.

The average score was of 3.78, and the three annotators had an inter-rater agreement - computed with Gwet's AC1 using ordinal weighting - of 0.858 (great agreement!).

English Captions Italian Captions
an endless cargo of tanks on a train pulled down tracks in an empty dry landscape un carico infinito di carri armati su un treno trascinato lungo i binari in un paesaggio secco e vuoto
person walking down the aisle persona che cammina lungo la navata
popular rides at night at the county fair giostre popolari di notte alla fiera della contea

If the table above doesn't show, you can have a look at it here.

We know that we annotated our own data; in the spirit of fairness we also share the annotations and the captions so that those interested can check the quality. The Google Sheet is here.

Better Augmentations

We knew that without a good augmentation strategy we could never get competitive results to a model trained on 400 million images. Therefore, we implemented heavy augmentations to make the training more data efficient. They include random affine transformations and perspective changes, as well as occasional equalization and random changes to brightness, contrast, saturation and hue. We made sure to keep hue augmentations limited however, to still give the model the ability to learn color definitions.
While we would have liked to have augmentations for the captions as well, after some experimentation we settled with random sampling from the five captions available in MSCOCO and leaving the rest of the captions unmodified.

Better Training

After different trials, we realized that the usual way of training this model was not good enough to get good results. We thus modified three different parts of the training pipeline: the optimizer, the training with frozen components, and the fixed logit_scale parameter.

Optimizer

While the initial code used AdamW as an optimizer, we soon noticed that it introduced some bad properties into the training. The model strated to overfit relatively quickly and the weight decay made this effect worse. We eventually decided to use an optimization strategy that had worked well for us in similar cases and used AdaBelief with Adaptive Gradient Clipping (AGC) and a Cosine Annealing Schedule. Together with slightly tuning the learning rate this helped us to reduce the validation loss by more than 25%. Our implementation is available online here.

Backbone Freezing

The ViT used by OpenAI was already trained on 400 million images, and it is the element in our architecture that probably requires the least amount of training. The same is true for the BERT model we use. To allow the randomly initialized re-projection layers to warm up without messing with the tuned weights of the backbones, we decided to do a first training with the backbones of our architecture completely frozen. Only after these layers converged we unfroze the rest of the model to fine-tune all the components. This technique allowed us to reach a much better validation loss.

backbone_freezing

Logit Scale

We tried to improve the loss function in different ways: for example, we tried something similar to a margin based loss but that experiments did not yield the results we hoped for. Eventually, the thing that worked out the best was fixing the logit_scale value to 20. This value is used after the computation of the similarity between the images and the texts in CLIP (see the code here). We got this idea from Nils' video on sentence embeddings.

Effect of Our Edits

The following picture showcases the effect that these edits have had on our evaluation loss:

effects_edits

The purple line is the original training without any of our improvements: you can see that we needed a lot of training steps to get the loss down. Yellow line is the loss with the new optimizer, it is striking to see the time we save from this addition! Not only the loss improves, it also converges significantly faster! The blue line shows the results when fixed scaling is used in addition to the new optimizer. Finally, we added the backbone freezing strategy, and you can see the results in the light blue loss. Nonetheless, as common in deep learning, having more data played a big role and was another key element to reduce the loss.

Scientific Validity

We split this section in two: we first provide a quantitative evaluation to ensure that what we are learning is in fact good. We then show some qualitative examples of images found by the model. All the code we have written to run our validation experiments (in combination with code made available by Nils Reimers and by the authors of the original CLIP) is available.

Training Details

Datasets Splits

We tried different combinations of splits sizes for training and validation. Eventually, we focused on a 95% training split with 5% of data going into the validation, each dataset is split in training and validation data and then we concatenate the files. Note that the 5% means 70K validation samples, making this set almost as big as the MSCOCO dataset.

Hyper-parameters

The hyper-parameters can be found in the repository. We have a maximum sequence length of 95 tokens. To compute this we look at the distribution of the captions in the various datasets and we eventually realized that 95 was an excellent compromise between training speed and data coverage. We use a batch size of 128 and a learning rate of 0.00001.

Training

We usually train until we see the loss going up and we then pick the model with the best validation loss. We adjusted the number of training epochs as the project progressed: at first we run 100 epochs but after we replaced the optimizer we have been able to reduce this number.

Quantitative Evaluation

Showing great images is definitely cool and interesting, but a model is nothing without validation. Since this is the first clip-based model in Italian, we decided to use the multilingual CLIP model as a comparison baseline.

mCLIP

The multilingual CLIP (henceforth, mCLIP), is a model introduced by Nils Reimers in his sentence-transformer library. mCLIP is based on a multilingual encoder that was created through multilingual knowledge distillation (see Reimers et al., 2020). It shows great capabilities in representing multilingual text in the same space of the images.

Tasks

We selected two different tasks:

  • image-retrieval, in which given a caption the model finds the most semantically similar image
  • zero-shot classification, in which given an image and a set of captions (or labels), the model finds the best matching caption for the image

Reproducibility

In order to make both experiments very easy to replicate, we share the colab notebooks we used to compute the results.

Image Retrieval

This experiment is run against the MSCOCO-IT validation set (that we haven't used during training). Given an input caption from the dataset, we search for the most similar image in the MSCOCO-IT validation set and check if this is the one that was described by the original caption. As evaluation metrics we use the [email protected].

MRR CLIP-Italian mCLIP
[email protected] 0.3797 0.2874
[email protected] 0.5039 0.3957
[email protected] 0.5204 0.4129

If the table above doesn't show, you can have a look at it here.

It is true that we used the training set of MSCOCO-IT in training, and this might give us an advantage. However, the original CLIP model was trained on 400million images (and some of them might have been from MSCOCO).

Zero-shot image classification

This experiment replicates the original one run by OpenAI on zero-shot image classification on ImageNet. To do this, we used DeepL to automatically translate the image labels in ImageNet. No manual engineering of the labels or prompts was done. We evaluate the models computing the accuracy at different levels.

Accuracy CLIP-Italian mCLIP
[email protected] 22.11 20.15
[email protected] 43.69 36.57
[email protected] 52.55 42.91
[email protected] 81.08 67.11

If the table above doesn't show, you can have a look at it here.

Discussion

Our results confirm that CLIP-Italian is very competitive and beats mCLIP on the two different task we have been testing. Note, however, that our results are lower than those shown in the original OpenAI paper (see, Radford et al., 2021) that was trained and evaluated on English data. However, considering that our results are in line with those obtained by mCLIP we think that the translated image labels most probably had an impact on the final scores.

Qualitative Evaluation

We hereby show some interesting properties of the model. One is its ability to detect colors, then there is its (partial) counting ability and finally the ability of understanding more complex queries. You can find more examples in the "Gallery" section of the demo.

To our own surprise, many of the answers the model gives make a lot of sense! Note that the model, in this case, is searching the right image from a set of 25K images from an Unsplash dataset.

Look at the following - slightly cherry picked - examples:

Colors

Here's "a yellow flower"

yellow flower

And here's "a blue flower"

blue flower

Counting

What about "one cat"?

one cat

And what about "two cats"?

two cats

Complex Queries

Have you ever seen "two brown horses"?

two brown horses

And finally, here's a very nice "cat on a chair"

cat on a chair

Broader Outlook

We believe that this model can be useful for many different applications. From image classification to clustering, a model like our Italian CLIP can be used to support researchers and practitioners in many different tasks. Indeed, not only can it be useful in research, but also in industry. A very interesting use-case is given by ecommerce platforms: these website often deal with a main source of text that is the query engine and with lots of images of the products. CLIP Italian can be a killer app in this context, providing a way to search for images and text. Nonetheless, Italy has many different collections of photos in digital format that are difficult to categorize efficiently. For example, the Istituto Luce Cinecittà is an Italian governative entity that collects photos of Italy since the early 1900 and is part of the largest movie studios in Europe (Cinecittà). A semantic way of finding images in their catalog could be an amazing use case.

Limitations and Bias

Currently, the model is not without limits. To mention one, its counting capabilities seem very cool, but from our experiments the model finds difficult to count after three; this is a general limitation that is common to many models of this type.

There are even more evident issues that we found in our model. Due to the unfiltered nature of our training data, the model is exposed to many biases such as sexism, racism, stereotypes, slurs, and gore that it might replicate without the awareness of their hurtful and harmful nature. Indeed, different BERT models - Italian ones included - are prone to create stereotyped sentences that are hurtful (Nozza et al., 2021). While this is not something we intended, it certainly is something that we share the blame for since we were not able to avoid it.

Unfortunately, these kinds of issues are common to many machine learning algorithms (check Abit et al., 2021 for bias in GPT-3 as an example). This suggests we need to find better approaches to counteract this problem that affects our society.

Useful Links

References

Abid, A., Farooqi, M., & Zou, J. (2021). Persistent anti-muslim bias in large language models. arXiv preprint arXiv:2101.05783.

Gwet, K. L. (2008). Computing inter‐rater reliability and its variance in the presence of high agreement. British Journal of Mathematical and Statistical Psychology, 61(1), 29-48.

Nozza, D., Bianchi, F., & Hovy, D. (2021, June). HONEST: Measuring hurtful sentence completion in language models. In Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies (pp. 2398-2406).

Radford, A., Kim, J.W., Hallacy, C., Ramesh, A., Goh, G., Agarwal, S., Sastry, G., Askell, A., Mishkin, P., Clark, J., Krueger, G., & Sutskever, I. (2021). Learning Transferable Visual Models From Natural Language Supervision. ICML.

Reimers, N., & Gurevych, I. (2020, November). Making Monolingual Sentence Embeddings Multilingual Using Knowledge Distillation. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP) (pp. 4512-4525).

Scaiella, A., Croce, D., & Basili, R. (2019). Large scale datasets for Image and Video Captioning in Italian. IJCoL. Italian Journal of Computational Linguistics, 5(5-2), 49-60.

Sharma, P., Ding, N., Goodman, S., & Soricut, R. (2018, July). Conceptual captions: A cleaned, hypernymed, image alt-text dataset for automatic image captioning. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers) (pp. 2556-2565).

Srinivasan, K., Raman, K., Chen, J., Bendersky, M., & Najork, M. (2021). WIT: Wikipedia-based image text dataset for multimodal multilingual machine learning. arXiv preprint arXiv:2103.01913.

Other Notes

This readme has been designed using resources from Flaticon.com

Owner
Italian CLIP
Italian CLIP project for 🤗 Flax/Jax Community Week
Italian CLIP
ResNEsts and DenseNEsts: Block-based DNN Models with Improved Representation Guarantees

ResNEsts and DenseNEsts: Block-based DNN Models with Improved Representation Guarantees This repository is the official implementation of the empirica

Kuan-Lin (Jason) Chen 2 Oct 02, 2022
Implementation for On Provable Benefits of Depth in Training Graph Convolutional Networks

Implementation for On Provable Benefits of Depth in Training Graph Convolutional Networks Setup This implementation is based on PyTorch = 1.0.0. Smal

Weilin Cong 8 Oct 28, 2022
Springer Link Download Module for Python

♞ pupalink A simple Python module to search and download books from SpringerLink. 🧪 This project is still in an early stage of development. Expect br

Pupa Corp. 18 Nov 21, 2022
Image classification for projects and researches

This is a tool to help you quickly solve classification problems including: data analysis, training, report results and model explanation.

Nguyễn Trường Lâu 2 Dec 27, 2021
Facial Expression Detection In The Realtime

The human's facial expressions is very important to detect thier emotions and sentiment. It can be very efficient to use to make our computers make interviews. Furthermore, we have robots now can det

Adel El-Nabarawy 4 Mar 01, 2022
[NeurIPS 2020] Code for the paper "Balanced Meta-Softmax for Long-Tailed Visual Recognition"

Balanced Meta-Softmax Code for the paper Balanced Meta-Softmax for Long-Tailed Visual Recognition Jiawei Ren, Cunjun Yu, Shunan Sheng, Xiao Ma, Haiyu

Jiawei Ren 65 Dec 21, 2022
PyTorch Implementation of ByteDance's Cross-speaker Emotion Transfer Based on Speaker Condition Layer Normalization and Semi-Supervised Training in Text-To-Speech

Cross-Speaker-Emotion-Transfer - PyTorch Implementation PyTorch Implementation of ByteDance's Cross-speaker Emotion Transfer Based on Speaker Conditio

Keon Lee 114 Jan 08, 2023
The Simplest DCGAN Implementation

DCGAN in TensorLayer This is the TensorLayer implementation of Deep Convolutional Generative Adversarial Networks. Looking for Text to Image Synthesis

TensorLayer Community 310 Dec 13, 2022
SAS output to EXCEL converter for Cornell/MIT Language and acquisition lab

CORNELLSASLAB SAS output to EXCEL converter for Cornell/MIT Language and acquisition lab Instructions: This python code can be used to convert SAS out

2 Jan 26, 2022
LineBoard - Python+React+MySQL-白板即時系統改善人群行為

LineBoard-白板即時系統改善人群行為 即時顯示實驗室的使用狀況,並遠端預約排隊,以此來改善人們的工作效率 程式架構 運作流程 使用者先至該實驗室網站預約

Bo-Jyun Huang 1 Feb 22, 2022
A tensorflow/keras implementation of StyleGAN to generate images of new Pokemon.

PokeGAN A tensorflow/keras implementation of StyleGAN to generate images of new Pokemon. Dataset The model has been trained on dataset that includes 8

19 Jul 26, 2022
This is the pytorch implementation of the paper - Axiomatic Attribution for Deep Networks.

Integrated Gradients This is the pytorch implementation of "Axiomatic Attribution for Deep Networks". The original tensorflow version could be found h

Tianhong Dai 150 Dec 23, 2022
A simple pytorch pipeline for semantic segmentation.

SegmentationPipeline -- Pytorch A simple pytorch pipeline for semantic segmentation. Requirements : torch=1.9.0 tqdm albumentations=1.0.3 opencv-pyt

petite7 4 Feb 22, 2022
[NeurIPS-2021] Slow Learning and Fast Inference: Efficient Graph Similarity Computation via Knowledge Distillation

Efficient Graph Similarity Computation - (EGSC) This repo contains the source code and dataset for our paper: Slow Learning and Fast Inference: Effici

24 Dec 31, 2022
Instant Real-Time Example-Based Style Transfer to Facial Videos

FaceBlit: Instant Real-Time Example-Based Style Transfer to Facial Videos The official implementation of FaceBlit: Instant Real-Time Example-Based Sty

Aneta Texler 131 Dec 19, 2022
Implementation of temporal pooling methods studied in [ICIP'20] A Comparative Evaluation Of Temporal Pooling Methods For Blind Video Quality Assessment

Implementation of temporal pooling methods studied in [ICIP'20] A Comparative Evaluation Of Temporal Pooling Methods For Blind Video Quality Assessment

Zhengzhong Tu 5 Sep 16, 2022
A Transformer-Based Siamese Network for Change Detection

ChangeFormer: A Transformer-Based Siamese Network for Change Detection (Under review at IGARSS-2022) Wele Gedara Chaminda Bandara, Vishal M. Patel Her

Wele Gedara Chaminda Bandara 214 Dec 29, 2022
This is the repository of the NeurIPS 2021 paper "Curriculum Disentangled Recommendation withNoisy Multi-feedback"

Curriculum_disentangled_recommendation This is the repository of the NeurIPS 2021 paper "Curriculum Disentangled Recommendation with Noisy Multi-feedb

14 Dec 20, 2022
Self-Supervised Contrastive Learning of Music Spectrograms

Self-Supervised Music Analysis Self-Supervised Contrastive Learning of Music Spectrograms Dataset Songs on the Billboard Year End Hot 100 were collect

27 Dec 10, 2022
Official Pytorch implementation of Online Continual Learning on Class Incremental Blurry Task Configuration with Anytime Inference (ICLR 2022)

The Official Implementation of CLIB (Continual Learning for i-Blurry) Online Continual Learning on Class Incremental Blurry Task Configuration with An

NAVER AI 34 Oct 26, 2022