Sparse Embeddings for Neural Search.
Project description
SparseEmbed
Note: This project is currently a work in progress. 🔨🧹
This repository presents an unofficial replication of the research paper titled "SparseEmbed: Learning Sparse Lexical Representations with Contextual Embeddings for Retrieval" authored by Weize Kong, Jeffrey M. Dudek, Cheng Li, Mingyang Zhang, and Mike Bendersky. The original paper was published at SIGIR 2023.
Overview
This repository aims to replicate the findings of the SparseEmbed paper, focusing on learning both sparse lexical representations and contextual token level embeddings for retrieval tasks. We propose to fine-tune the model and then to retrieve documents from a set of queries.
The SparsEmbed
model is compatible with any MLM based model using the class AutoModelForMaskedLM
from HuggingFace.
Differences from the Original Paper
During the replication process, we have encountered a few deviations from the original paper's methodology:
-
Loss Function: We did not yet implement the distillation loss used in the paper. We have initially opted for a cosine loss like the one used in SentenceTransformer library. This decision was made to fine-tune the model from scratch, avoiding the use of a cross-encoder as a teacher. The distillation loss should be available soon.
-
Multi-Head Implementation: At this stage, the distinct MLM (Masked Language Model) head for document encoding and query encoding has not been incorporated. Our current implementation employs a shared MLM head (calculating sparse activations) for both documents and queries.
Installation
pip install
Training
The following PyTorch code snippet illustrates the training loop designed to fine-tune the model:
from sparsembed import model, utils, losses
from transformers import AutoModelForMaskedLM, AutoTokenizer
import torch
device = "cuda" # cpu / cuda / mps
batch_size = 32
model = model.SparsEmbed(
model=AutoModelForMaskedLM.from_pretrained("distilbert-base-uncased").to(device),
tokenizer=AutoTokenizer.from_pretrained("distilbert-base-uncased"),
device=device,
)
model = model.to(device)
optimizer = torch.optim.AdamW(
filter(lambda p: p.requires_grad, model.parameters()),
lr=2e-6,
)
flops_loss = losses.Flops()
cosine_loss = losses.Cosine()
dataset = [
# Query, Document, Label (1: Relevant, 0: Not Relevant)
("Apple", "Apple is a popular fruit.", 1),
("Apple", "Banana is a popular fruit.", 0),
("Banana", "Apple is a popular fruit.", 0),
("Banana", "Banana is a yellow fruit.", 1),
]
for queries, documents, labels in utils.iter(
dataset,
device=device,
epochs=20,
batch_size=batch_size,
shuffle=True,
):
queries_embeddings = model(queries, k=96)
documents_embeddings = model(documents, k=256)
scores = utils.scores(
queries_activations=queries_embeddings["activations"],
queries_embeddings=queries_embeddings["embeddings"],
documents_activations=documents_embeddings["activations"],
documents_embeddings=documents_embeddings["embeddings"],
)
loss = cosine_loss.dense(
scores=scores,
labels=labels,
)
loss += 0.1 * cosine_loss.sparse(
queries_sparse_activations=queries_embeddings["sparse_activations"],
documents_sparse_activations=documents_embeddings["sparse_activations"],
labels=labels,
)
loss += 4e-3 * flops_loss(
sparse_activations=queries_embeddings["sparse_activations"]
)
loss += 4e-3 * flops_loss(
sparse_activations=documents_embeddings["sparse_activations"]
)
loss.backward()
optimizer.step()
optimizer.zero_grad()
This code segment encapsulates the iterative process of fine-tuning the model's parameters using a combination of cosine and Flops loss functions. Queries and documents are both a list of strings. Labels is a Torch tensor containing binary values of 0 or 1. A label of 0 indicates that the query is not relevant to the document, while a label of 1 signifies that the query is indeed relevant to the document.
Inference
Upon successfully training our model, the next step involves initializing a retriever to facilitate the retrieval of the most accurate documents based on a given set of queries. The retrieval process is conducted through two main steps: adding documents and querying.
-
Adding Documents: By invoking the
add
method, the retriever undertakes document encoding. It performs this task by generating a sparse matrix that encapsulates the contributions of sparsely activated tokens. This matrix is constructed using the weighted values of these tokens. -
Querying: When the
__call__
method is invoked, the retriever proceeds to encode the query. Similar to the document encoding phase, the retriever constructs a sparse matrix that represents the query. This matrix is then used in a dot product operation against the sparse matrices of the stored documents. After this initial retrieval, a re-ranking process takes place. This re-ranking is based on the contextual representations of activated tokens derived from both the queries and the documents. This is in accordance with the established SparseEmbed scoring formula.
from sparsembed import retrieve
documents = [{
"id": 0,
"document": "Apple is a popular fruit.",
},
{
"id": 1,
"document": "Banana is a popular fruit.",
},
{
"id": 2,
"document": "Banana is a yellow fruit.",
}
]
retriever = retrieve.Retriever(
key="id",
on="document",
model=model # Trained SparseEmbed model.
)
retriever = retriever.add(
documents=documents,
k_token=64,
batch_size=3,
)
retriever(
q = [
"Apple",
"Banana",
],
k_sparse=64,
batch_size=3
)
[[{'id': 0, 'similarity': 195.057861328125},
{'id': 1, 'similarity': 183.51429748535156},
{'id': 2, 'similarity': 158.66012573242188}],
[{'id': 1, 'similarity': 214.34048461914062},
{'id': 2, 'similarity': 194.5692901611328},
{'id': 0, 'similarity': 192.5744171142578}]]
Evaluations
Work in progress.
Acknowledgments
I would like to express my gratitude to the authors of the SparseEmbed paper for their valuable contributions, which serve as the foundation for this replication attempt.
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distribution
File details
Details for the file sparsembed-0.0.1.tar.gz
.
File metadata
- Download URL: sparsembed-0.0.1.tar.gz
- Upload date:
- Size: 15.1 kB
- Tags: Source
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/4.0.2 CPython/3.10.12
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 655caaa3c771f57082638fb8fd4f68066b2e08e4efae8173e7e0f74f0f4e79aa |
|
MD5 | f007a5be2ec0802ac6328b769d29758a |
|
BLAKE2b-256 | 528ead31013d4a2571adb147522424bd653d74754d0640b2d9ba2ff15b462808 |