DEV Community

Davide Santangelo
Davide Santangelo

Posted on

Implementing Vector Search in Python

Vector search is a fundamental technique used in various applications, such as information retrieval, recommendation systems, and machine learning. It involves finding similar vectors in a dataset, often represented as points in a high-dimensional space. In this article, we will explore the concept of vector search and implement it in Python with code examples.

Understanding Vector Search

Vector search revolves around the idea of measuring the similarity between vectors in a dataset. The similarity metric can vary based on the application but is typically calculated using distance measures like Euclidean distance, Cosine similarity, or Jaccard similarity. The goal is to identify vectors that are close or similar to a given query vector.

In Python, we can use libraries such as NumPy and scikit-learn to perform vector search efficiently. We'll walk through the process step by step.

Use Cases

Vector search has a wide range of applications, including:

  1. Recommendation Systems: Vector search is used to find similar items or users based on their preferences or behavior. For example, in e-commerce, it can recommend products to users based on their purchase history.

  2. Image Retrieval: Vector search helps retrieve similar images from a large database based on visual features. This is valuable in content-based image search engines and image recognition systems.

  3. Natural Language Processing (NLP): In NLP, vector search is applied to find semantically similar documents or text passages. Word embeddings like Word2Vec or BERT representations can be used for this purpose.

  4. Anomaly Detection: Vector search can identify outliers or anomalies in high-dimensional data. It's used in fraud detection, network security, and quality control.

  5. Nearest Neighbor Search: In data mining and clustering, vector search helps identify the nearest neighbors of a data point, which is useful for clustering or classification tasks.

  6. Content-Based Filtering: For content-based recommendations, vector search assists in finding items or content pieces similar to what a user has interacted with previously.

  7. Information Retrieval: Vector search is the core of search engines, helping retrieve relevant documents or web pages based on user queries.

Setting up the Environment

Before we begin, make sure you have Python installed on your system. You can install the necessary libraries using pip:

pip install numpy scikit-learn
Enter fullscreen mode Exit fullscreen mode

Generating Sample Data

Let's start by generating some sample data for our vector search example. We'll create a dataset of random vectors to perform our searches on.

import numpy as np

# Generate random data
num_samples = 100
dimensionality = 5

data = np.random.rand(num_samples, dimensionality)
Enter fullscreen mode Exit fullscreen mode

In this example, we have 100 random vectors in 5-dimensional space.

Performing Vector Search

Euclidean Distance

Euclidean distance is a common metric for vector search. It measures the straight-line distance between two points in Euclidean space.

from sklearn.metrics.pairwise import euclidean_distances

# Define a query vector
query_vector = np.random.rand(dimensionality)

# Calculate Euclidean distances between the query vector and the dataset
distances = euclidean_distances(data, [query_vector])

# Find the closest vector
closest_index = np.argmin(distances)
closest_vector = data[closest_index]

print(f"Closest vector: {closest_vector}")
Enter fullscreen mode Exit fullscreen mode

In this code, we calculate the Euclidean distances between the query vector and all vectors in the dataset. We then find the index of the closest vector and retrieve it from the dataset.

Cosine Similarity

Cosine similarity measures the cosine of the angle between two vectors and is often used for text-based vector representations like TF-IDF or Word2Vec.

from sklearn.metrics.pairwise import cosine_similarity

# Define a query vector
query_vector = np.random.rand(dimensionality)

# Calculate cosine similarities between the query vector and the dataset
similarities = cosine_similarity(data, [query_vector])

# Find the most similar vector
most_similar_index = np.argmax(similarities)
most_similar_vector = data[most_similar_index]

print(f"Most similar vector: {most_similar_vector}")
Enter fullscreen mode Exit fullscreen mode

Here, we calculate cosine similarities between the query vector and all vectors in the dataset and find the index of the most similar vector.

Custom Distance Metrics

You can also define custom distance metrics based on your application. For example, if you have a specific use case where Euclidean distance or Cosine similarity doesn't fit, you can create your own distance function.

def custom_distance(vector1, vector2):
    # Define your custom distance calculation here
    return np.sum(np.abs(vector1 - vector2))

# Define a query vector
query_vector = np.random.rand(dimensionality)

# Calculate custom distances between the query vector and the dataset
distances = [custom_distance(query_vector, vector) for vector in data]

# Find the closest vector
closest_index = np.argmin(distances)
closest_vector = data[closest_index]

print(f"Closest vector using custom distance: {closest_vector}")
Enter fullscreen mode Exit fullscreen mode

In this example, we've defined a custom distance metric and used it to find the closest vector in the dataset.

Conclusion

Vector search is a versatile technique with numerous applications in data science and machine learning. In this article, we've explored the concept of vector search and implemented it in Python using various distance metrics. You can apply these techniques to tasks like recommendation systems, image retrieval, and more, depending on your specific requirements. Experiment with different distance metrics and datasets to fine-tune your vector search implementation for your unique use case.

Top comments (0)