Building a cost-effective image vector search engine with CLIP

I built an image vector search engine for an eCommerce store in just one week costing only $30 per month to host. In this post, I explain how you can do the same.
Author

Wasim Lorgat

Published

May 23, 2023

I built an image vector search engine named Meepo for a local (South African 🇿🇦) eCommerce store. Thanks to the power and availability of foundational neural networks, open-source software, and cloud infrastructure – along with a touch of good planning – the entire process took me just one week, and it costs me a mere $30 per month to host.

Honestly, it blows my mind that this is possible. Decades of hard work by some of the brightest minds have enabled us to create and distribute incredible AI-powered products from almost anywhere in the world.

In this post, I show you how to build your own image vector search engine.

By the end of the post you’ll be able to search through a dataset of pet images for queries as obscure as “a fluffy pink cat on a tv” – and it’ll work! You’ll also have a concrete idea of how to structure and deploy your own search engine.

We’ll get there in three parts:

Part 1: Background

What’s CLIP?

Contrastive Language-Image Pretraining (CLIP) is a technique for training neural networks with state-of-the-art zero-shot performance on a variety of tasks using mixed image and text data.1

  • 1 While CLIP has been dethroned several times in the last two years (most recently by BLIP-2), it is still notable for introducing a step change improvement in the power of zero-shot multimodal techniques.

  • Zero-shot learning refers to a machine learning approach where a model is trained on one dataset and then tested on a completely different dataset. For instance, CLIP was trained on a broad dataset of captioned images from the web. However, in the next section we will apply it to a dataset featuring only cats and dogs. Meepo similarly applies CLIP to images of homeware and fashion items.

    A visualization of the contrastive language-image pretraining approach. Source: CLIP: Connecting Text and Images by OpenAI.

    The idea is to pretrain a neural network to predict the most relevant text snippet given an image and vice versa.

    But the trick is to use a contrastive rather than a predictive objective.

    What does that mean?

    A predictive objective takes an input image and tries to predict its corresponding text snippet.

    On the other hand, a contrastive objective predicts a vector for each image and another vector for each text snippet; these vectors are called embeddings. It does so in such a way that corresponding image and text vectors are more similar (according to some chosen similarity function) and non-corresponding image and text vectors are less similar.

    OpenAI found that a contrastive objective reached the same zero-shot ImageNet accuracy as the predictive objective while using 4x fewer training examples!

    ConVIRT: The little-known medical roots of CLIP

    Interestingly, the technique described above was originally introduced as ConVIRT (Zhang et al. 2020), which demonstrated the approach on 217k medical image-text pairs (~2000x fewer than CLIP).

    X-ray images with naturally occurring paired descriptions from doctor’s reports. Source: Figure 1 of Zhang et al., 2020

    Despite being acknowledged in the CLIP paper, I hadn’t heard of ConVIRT until I read the CLIP paper myself:

    […] we create a new dataset of 400 million (image, text) pairs and demonstrate that a simplified version of ConVIRT trained from scratch, which we call CLIP, for Contrastive Language-image Pre-training, is an efficient method of learning from natural language supervision.

    As with most machine learning innovations, it all starts with data. High-quality annotations of medical images are expensive to make.

    ConVIRT’s key insight was to mine doctor’s reports in their natural language format for image-text pairs.

    OpenAI’s later contribution was largely an engineering effort. They scaled ConVIRT up to a 2000x larger dataset—400 million examples in total! Of course, that itself is a mighty task.

    Now that we have some background on CLIP and its impressive zero-shot capabilities, how do we actually use it to create a semantic search engine like Meepo?

    Part 2: Let’s build a CLIP search engine for the Oxford Pets dataset

    In this section, we’ll build our own CLIP-based semantic search engine on the Oxford Pets dataset.

    I chose the Oxford Pets dataset since it’s a good size and complexity to demonstrate the power of CLIP, but I urge you to try this out on your own dataset too.

    We’ll do this in two steps:

    • First, we’ll use CLIP as a convenient zero-shot classifier.
    • Then we’ll show how to use the same underlying functions for text-to-image search.

    By the end of the section you will be able to search for queries as obscure as “a fluffy pink cat on a tv” – and it’ll work!

    The Oxford Pets dataset

    First install these required libraries:

    !pip install datasets transformers

    Then load the Oxford Pets dataset – thanks to Pedro Cuenqa for uploading it:

    from datasets import load_dataset
    
    dataset = load_dataset("pcuenq/oxford-pets")

    One of the most important rules of machine learning is to always look at the data. This is quite easy with images, since we can just show the image.

    Let’s define a helper function to show thumbnails of an image:

    import numpy as np
    
    def thumbnail(image, scale=3):
        return image.resize(np.array(image.size)//scale)

    Here’s an example of a cat:

    cat_row = dataset['train'][15]
    cat_image = cat_row['image']
    thumbnail(cat_image)

    … and here’s an example of a dog:

    dog_row = dataset['train'][10]
    dog_image = dog_row['image']
    thumbnail(dog_image)

    Using CLIP for zero-shot classification

    Now that we have a dataset, we can load the CLIP processor and model. The concept of having a separate processor and model is central to the HuggingFace Transformers library, since it allows us to use 174 state-of-the-art models (as of writing this article) with a very similar API.

    Note that it might take a minute to download the pretrained weights:

    from transformers import CLIPProcessor, CLIPModel
    
    processor = CLIPProcessor.from_pretrained("openai/clip-vit-base-patch32")
    model = CLIPModel.from_pretrained("openai/clip-vit-base-patch32")

    The CLIPProcessor prepares the inputs for the CLIPModel which can then be used to obtain embedding vectors. Let’s create a function to embed an image by first passing it through the processor and then into the model:

    import torch
    
    def embed_image(images):
        if not isinstance(images, list): images = [images]
        inputs = processor(images=images, return_tensors="pt", padding=True)
        with torch.no_grad(): return model.get_image_features(**inputs)

    Test that it works:

    images = [cat_image, dog_image]
    image_embs = embed_image(images)
    image_embs.shape
    torch.Size([2, 512])

    You can also pass text to the CLIPProcessor. Let’s create a similar function to embed text inputs:

    def embed_text(text):
        inputs = processor(text=text, return_tensors="pt", padding=True)
        with torch.no_grad(): return model.get_text_features(**inputs)
    text_embs = embed_text([f"a photo of a {cls}" for cls in ["cat", "dog"]])
    text_embs.shape
    torch.Size([2, 512])

    We can now use embeddings for zero-shot classification by using text inputs that represent the different classes, and then calculating the cosine similarity between image embeddings and text embeddings.

    Cosine similarity is calculated by taking the dot product of normalized vectors:

    def normalize(a): return a / a.norm(dim=-1, keepdim=True)
    def cosine_sim(a, b): return normalize(a) @ normalize(b).T
    cosine_sim(image_embs, text_embs)
    tensor([[0.2639, 0.2127],
            [0.1962, 0.2553]])

    Note how the similarity between the cat image and the text “a photo of a cat” (0.2639) is higher than the similarity between the cat image and the text “a photo of a dog” (0.2127), and similarly for the dog image in the next row of the tensor.

    We can convert these similarities to probabilities by using the model’s logit_scale parameter followed by the softmax method:

    def logits(a, b): return model.logit_scale.exp() * cosine_sim(a, b)
    def probs(a, b): return logits(a, b).softmax(dim=0)
    probs(text_embs, image_embs)
    tensor([[0.9940, 0.0027],
            [0.0060, 0.9973]], grad_fn=<SoftmaxBackward0>)

    We see a probability of 0.994 that the image of a cat is in fact a cat, and a probability of 0.997 that the image of a dog is in fact a dog. Pretty good!

    Since this is a zero-shot classifier, we can very easily generalize it to arbitrary classes! Let’s make a convenient wrapper to do exactly that:

    def classify(image, classes, template="a photo of a {}"):
        image_embs = embed_image(image)
        text_embs = embed_text([template.format(o) for o in classes])
        return probs(text_embs, image_embs)

    To use this, simply pass in a list of classes. You can also customize the template, which can improve the classification accuracy.

    Here’s how we can classify the breed of a cat:

    cat_breeds = sorted({row["label"] for row in dataset["train"] if not row["dog"]})
    scores = classify(cat_image, cat_breeds, "a photo of a {} cat")
    scores
    tensor([[1.2116e-05],
            [5.4131e-06],
            [4.6950e-02],
            [1.9504e-06],
            [2.1754e-02],
            [1.7998e-04],
            [9.0918e-04],
            [9.1228e-01],
            [1.7194e-02],
            [4.6431e-05],
            [5.8636e-04],
            [7.8781e-05]], grad_fn=<SoftmaxBackward0>)
    idx = torch.argmax(scores)
    cat_breeds[idx], scores[idx].item()
    ('Persian', 0.9122824668884277)

    … and here’s how we can classify the color of any animal:

    classes = ["black", "white", "red", "green", "yellow", "blue", "brown", "orange", "pink", "purple", "grey"]
    scores = classify(cat_image, classes, "a photo of a {} animal")
    idx = torch.argmax(scores)
    classes[idx], scores[idx].item()
    ('white', 0.8672362565994263)

    It works – and it’s super convenient too!

    Part 3: Tips for deploying your search engine

    In this section, I’ll share a few tips that you might find helpful in deploying your own search engine based on my experience with Meepo.

    How Meepo works

    Meepo consists of the following two sub-systems:

    1. Data pipeline: A set of scripts responsible for maintaining the data that powers the search engine. This includes scraping, running images through CLIP, and maintaining the data storage components (detailed further below).
    2. Web app: A simple search form in front of a CLIP-based search engine (as described in part 2). The app reads from the application database and vector search index (written to by the data pipeline), and renders HTML/CSS to the user.

    Data storage consists of two components that are updated by the data pipeline and then read from by the web app:

    1. Application database: A typical relational database that contains all of the products in the search catalogue, along with associated metadata.
    2. Vector search index: An index for fast approximate nearest neighbour vector search. I used faiss, although there are other options like hnswlib, as well as more full-featured vector search databases like Milvus, Pinecone, Qdrant, and Weaviate.

    Tech stack

    As for the specific tech choices, here’s the full stack powering Meepo:

    • Contrastive language-image pretraining: the deep learning method powering Meepo’s search.
    • Faiss: a fast approximate nearest neighbour vector search index.
    • Conda: a Python package management system.
    • nbdev: a platform for developing software using Jupyter notebooks.
    • Tailwind CSS: a simpler CSS framework.
    • DaisyUI: a component library built on Tailwind CSS.
    • SQLite: a light but powerful database engine.
    • Django: a battle-tested Python web framework.
    • Gunicorn: a Python HTTP server that lets us serve our Django application.
    • Nginx: a powerful and customizeable web server.
    • Cron: a job scheduler built into Unix operating systems.
    • Linode: a cloud hosting provider.

    Infrastructure

    I developed and tested an MVP locally on a small subset of data. Once I was happy with that, I deployed it to a Linode 4 GB Shared CPU VPS (2 CPUs, 4GB RAM, 80GB storage) costing $24 per month, and subscribed to Linode’s backup service for an additional $5 per month.

    Why use a Virtual Private Server(VPS) instead of a modern platform as a service option?

    Most people underestimate how much traffic you can serve from a single low cost VPS!

    Pieter Levels, a well-known solopreneur, ran more than 40 of his websites serving over 250 million requests per month from a single VPS.

    Marginalia, an indie search engine that focuses on non-commercial content, casually handled the front page of Hackernews with a single server worth ~$5k of commercial hardware in their living room.

    My good friend Ashton Hudson took the same approach with Serval, a price tracker for South Africa’s largest online store, which serves 3000 daily active users and stores 7 million time series data points on low cost servers at a total of ~$45 per month.

    I totally overestimated how much effort it would take to setup a VPS. It wasn’t that bad and took a few hours in the end. Here’s how I went about it. Note that these steps only need to be carried out once per server:

    1. Rent a VPS: There are plenty of options available. I chose Linode for no particular reason.
    2. Setup your VPS: This includes updating packages, setting the timezone and hostname, creating a limited user, and tightening SSH settings. I followed this Linode guide.
    3. Setup nginx: I followed this Real Python guide.

    Once your server is setup, you’ll need to follow a few more setups for your app (and each future app you create):

    1. Setup Gunicorn: I followed the same Real Python guide from above.
    2. Setup your domain name: Buy a domain name and configure your VPS to use it. I searched for the cheapest name containing “meepo” and was lucky to score meepo.shop at $2!
    3. Deploy your web app: I followed Django’s official deployment guide.
    4. Deploy your pipeline: I kept it simple and added a crontab entry to a single shell script.

    Choosing boring tech

    You might have noticed that I chose a “boring” tech stack. I believe that boring tech is a key part of what allowed me to ship Meepo so quickly. Let me explain.

    It’s boring because it works

    It’s been around for decades. If that’s the case, and it’s still widely used, then it probably works! It might not be the most elegant solution, but it gets the job done. Software that’s been maintained for a long time is software that’s been hardened against many thousands of obscure edge-cases that users like you and I no longer have to worry about.

    For example, Meepo is a Django application, and Django is 20 years old. That’s 20 years of incremental improvements and bug fixes resulting in a truly robust piece of software.

    Innovate on your process, not only your tech

    Developers typically enjoy learning new tools. That’s a good thing, but it also means that we’re biased to choosing new tools even when they aren’t necessarily improvements over the status quo.

    Instead of focusing on learning a new tool, try focusing on mastering tools you already know, and developing excellent decision-making skills on top of those tools with a ruthless focus on shipping quickly.

    For me, this meant using Django instead of something like FastAPI, and using a simple Linux VPS instead of a more modern platform as a service option. But this is different for everyone and depends on each person’s individual experience.

    Deviating from what works

    Of course, absolute rules are rarely a good idea in any domain as complex as software. There are definitely cases where less boring tech can be a good idea – I try to have a very specific reason before deviating from my favorite boring tools.

    For example, I developed Meepo entirely in Jupyter notebooks. It sounds crazy, I know! But there’s something about notebook-driven development that I can’t quite shake. It makes programming feel like a game. There’s constant feedback, very quick iteration cycles, and everything is within reach: code, rich docs, and tests all in one place. In fact, the second part of this post was based on the same notebooks that run Meepo.

    Being a responsible digital citizen

    If I’m scraping a website, I’m most likely not the website’s intended audience, so I try very hard not to negatively impact the user experience of their intended audience.

    Legal concerns around web scraping are pretty vague. However, as long as you provide value to the underlying service, they probably won’t mind you scraping them. For example, nobody cares that Google scrapes their sites because they provide traffic via search. Similarly, fashion stores that Meepo scrapes probably won’t mind the extra traffic it brings them.

    Here are some more detailed tips for scraping responsibly:

    • Check how big the viewership of the website is. I would personally be hesitant to scrape a small website and would probably prefer to email the owner directly.
    • Identify yourself with contact information via the user agent header – don’t try to fake being a human! A simple pattern you can use is your.website.com/x.y (your@email.com) where x.y is your scraper’s version number.
    • Be considerate about their resource usage, especially since you aren’t their intended audience.
    • Do the bulk of your requests during off-peak times depending on the local timezone of their audience.
    • Sleep between requests as much as you possibly can. Add small random amounts as well to reduce the likelihood of overlapping with other scheduled scrapers and bots, thus reducing peak load.
    • Use compression when scraping plain text or JSON to minimise their outgoing traffic. It doesn’t work nearly as well for images so it’s probably best to not compress them to avoid extra CPU usage on their servers.

    Your turn

    Why not have a go at it yourself? 😄 Dive into the accompanying notebook for this post, give it a try with your own dataset, deploy the result, and share what you create!

    If you found this enjoyable, consider giving it a thumbs up below, commenting, and following me at @wasimlorgat on Twitter. The positive feedback really helps me get a sense of what readers find valuable!


    Many thanks to Kurian Benoy, Jeremy Howard, Pedro Cuenca, and Salman Naqvi, for their kind and thoughtful comments on various versions of this post.