From Basics to Production: Mastering Retrieval-Augmented Generation (RAG) with Large Language Models (LLMs)

Madhusudhan Anand's Blog
10 min readAug 25, 2024
Image generated using DallE

A Comprehensive Two-Part Guide for Implementing and Fine-Tuning RAG for Real-World Applications

I had stayed away from Large Language Models (LLMs) for far too long, but recently, I embarked on a journey to dive deep into this fascinating field. My focus has been mainly on understanding Retrieval-Augmented Generation (RAG). This powerful technique combines the strengths of LLMs with retrieval-based models to generate highly relevant and accurate text. After extensive learning and experimentation, I realized that while there are many articles and training videos on RAG, most tend to either cover the basics or provide overly complex production-level solutions without bridging the gap in between.

With this in mind, I decided to write an article that takes you from the basics of RAG to a more advanced, production-ready approach. This article is divided into two parts:

  • Part 1: Covers the foundational concepts and basic implementation of RAG. This section is designed to help you understand the core principles often covered in most tutorials.
  • Part 2: Dives deep into fine-tuning RAG for a real-world use case. Here, we explore advanced techniques, including domain-specific fine-tuning, optimizing retrieval strategies, handling large-scale datasets, and integrating real-time data sources — areas that are crucial for production but rarely discussed in detail.

By the end of this two-part series, you’ll have a solid understanding of RAG and the knowledge needed to implement and fine-tune it for practical, real-world applications. Whether you’re a beginner or someone looking to take your skills to the next level, this article will guide you through the entire process.

In the evolving landscape of natural language processing (NLP), combining Large Language Models (LLMs) with retrieval techniques has led to significant improvements in generating more accurate and contextually relevant text. This method, known as Retrieval-Augmented Generation (RAG), leverages the strengths of LLMs in text generation and retrieval-based models in fetching relevant information from large datasets. This article will explore the RAG technique, explain how it works, and implement a basic example using a popular LLM and retrieval model.

What is Retrieval-Augmented Generation (RAG)?

RAG is a method that combines the capabilities of two main components:
1. Retriever: Fetches relevant documents or passages from a large corpus based on a given query.
2. Generator: Uses an LLM to generate text based on the retrieved documents and the query.

The process works as follows:
- A query is passed to the retriever, which fetches the top-k relevant documents from the dataset.
- The retrieved documents and the original query are then fed into the generator (LLM).
- The LLM generates the final response, considering both the query and the contextual information from the retrieved documents.

This combination enhances the accuracy and relevance of the generated text, especially in scenarios where the LLM alone might lack specific knowledge.

Implementing RAG: A Step-by-Step Guide

Prerequisites

To implement RAG, we’ll use the following libraries:
- Hugging Face Transformers: For the LLM and retrieval model.
- FAISS: A library for efficient similarity search and clustering of dense vectors.

Ensure you have these libraries installed:

pip install transformers faiss-cpu torch

Step 1: Set Up the Environment

We’ll start by importing the necessary libraries and setting up our environment.

import torch
from transformers import AutoTokenizer, AutoModelForSeq2SeqLM, DPRQuestionEncoder, DPRContextEncoder
import faiss
import numpy as np

Step 2: Load the Models

We’ll load the LLM and the Dual-Encoder models (DPR) for both question and context encoding.

# Load the generator model (e.g., T5 or BART)
generator_model_name = "facebook/bart-large-cnn"
tokenizer = AutoTokenizer.from_pretrained(generator_model_name)
generator = AutoModelForSeq2SeqLM.from_pretrained(generator_model_name)


# Load the retriever models (DPR)
question_encoder = DPRQuestionEncoder.from_pretrained("facebook/dpr-question_encoder-single-nq-base")
context_encoder = DPRContextEncoder.from_pretrained("facebook/dpr-ctx_encoder-single-nq-base")

Step 3: Build the Knowledge Corpus

We’ll create a simple knowledge corpus that the retriever can search through. In practice, this would be a large set of documents or passages.

# Lets get the corpus
corpus = [
"The Eiffel Tower is located in Paris.",
"The Great Wall of China is visible from space.",
"The Pyramids of Giza are ancient pyramids in Egypt.",
"Mount Everest is the highest mountain in the world.",
"The Amazon Rainforest is the largest rainforest on Earth."
]

# Encode the corpus using the context encoder
encoded_corpus = [context_encoder(**tokenizer(doc, return_tensors='pt', truncation=True, max_length=512)).pooler_output for doc in corpus]
encoded_corpus = torch.cat(encoded_corpus).detach().cpu().numpy()

Step 4: Set Up the FAISS Index

Next, we’ll create a FAISS index to retrieve documents from the encoded corpus efficiently.

# Initialize FAISS index
index = faiss.IndexFlatL2(768) # 768 is the hidden size of the DPR model
index.add(encoded_corpus)

Step 5: Implement the Retrieval Process

We’ll implement a function that takes a query, retrieves the top-k relevant documents, and then generates a response using the LLM.

def rag_pipeline(query, top_k=2):
# Encode the query using the question encoder
query_embedding = question_encoder(**tokenizer(query, return_tensors='pt', truncation=True, max_length=512)).pooler_output.detach().cpu().numpy()

# Retrieve the top-k documents from the FAISS index
distances, indices = index.search(query_embedding, top_k)
retrieved_docs = [corpus[i] for i in indices[0]]

# Concatenate the retrieved documents with the query
context = " ".join(retrieved_docs)
input_text = f"{query} {context}"

# Generate the response using the generator model
inputs = tokenizer(input_text, return_tensors="pt", max_length=512, truncation=True)
output = generator.generate(**inputs)
generated_text = tokenizer.decode(output[0], skip_special_tokens=True)

return generated_text

Step 6: Test the RAG Model

Let’s test our RAG implementation with a query.

query = "Where is the Eiffel Tower located?"
response = rag_pipeline(query)
print("Generated Response:", response)

Example Output

The model should generate a response that not only answers the query but also provides additional context from the retrieved documents.

Generated Response: The Eiffel Tower is located in Paris. It is one of the most famous landmarks in the world.

Thats it!

In this article, we explored the Retrieval-Augmented Generation (RAG) concept and implemented a basic example using the Hugging Face Transformers library and FAISS. RAG enhances the ability of LLMs to generate more accurate and contextually relevant text by leveraging external knowledge sources. This approach is particularly useful in tasks where the model’s knowledge might be limited or outdated, as it allows for dynamic retrieval of the most pertinent information.

Further Exploration

- Scaling the Corpus: We can further experiment with a larger corpus to see how the retrieval process scales.
- Fine-tuning: We can fine-tune the retriever and generator for improved performance on a specific task or domain.
- Custom Datasets: We can use custom datasets and domain-specific knowledge bases to adapt the RAG model for specific applications, such as customer support or educational content generation.

This implementation serves as a foundational understanding of RAG. In real-world applications, more sophisticated techniques, such as better indexing methods, fine-tuning on domain-specific data, and leveraging multi-modal data, can further enhance the performance and relevance of the generated outputs.

Part 2: Fine-Tuning Retrieval-Augmented Generation (RAG) for Domain-Specific Applications

In the previous section, we explored the basic implementation of Retrieval-Augmented Generation (RAG) using pre-trained models and a simple corpus. While this provides a solid foundation, real-world applications often require more sophisticated and tailored approaches. Fine-tuning both the retriever and generator on domain-specific data can significantly enhance the relevance, accuracy, and utility of the generated outputs.

In this advanced section, we will delve into the process of fine-tuning RAG for a specific domain. We will cover the following topics:

  1. Fine-Tuning the Retriever and Generator: Customizing the models to better understand domain-specific language.
  2. Optimizing Retrieval Strategies: Enhancing the retriever’s ability to find the most relevant documents.
  3. Handling Large-Scale Datasets: Techniques for managing and searching through vast corpora.
  4. Integrating RAG with Real-Time Data Sources: Adapting RAG to incorporate and retrieve the latest information.

Fine-Tuning the Retriever and Generator

Fine-tuning is the process of adapting a pre-trained model to a specific task or domain by continuing the training process on a smaller, domain-specific dataset. In the context of RAG, this means fine-tuning both the retriever (DPR) and the generator (e.g., BART, T5) to better understand and generate text relevant to the domain.

1. Preparing the Domain-Specific Dataset

The first step in fine-tuning is to gather a domain-specific dataset. This dataset should consist of:

  • Query-Document Pairs: For the retriever, pairs of queries and relevant documents that match those queries.
  • Text Data: For the generator, a dataset containing text that the model should learn to generate.

For example, if you’re working in the legal domain, your dataset might consist of legal queries and corresponding case law documents.

2. Fine-Tuning the Retriever (DPR)

Fine-tuning the retriever involves training the DPR models (question encoder and context encoder) on the domain-specific query-document pairs.

from transformers import DPRQuestionEncoder, DPRContextEncoder, DPRQuestionEncoderTokenizer, DPRContextEncoderTokenizer
from transformers import Trainer, TrainingArguments

# Load the pre-trained models and tokenizers
question_encoder = DPRQuestionEncoder.from_pretrained("facebook/dpr-question_encoder-single-nq-base")
context_encoder = DPRContextEncoder.from_pretrained("facebook/dpr-ctx_encoder-single-nq-base")

question_tokenizer = DPRQuestionEncoderTokenizer.from_pretrained("facebook/dpr-question_encoder-single-nq-base")
context_tokenizer = DPRContextEncoderTokenizer.from_pretrained("facebook/dpr-ctx_encoder-single-nq-base")

# Prepare the dataset (dummy example)
queries = ["What is the legal age for marriage?", "How to file a patent?"]
contexts = ["The legal age for marriage is 18 in many countries.", "To file a patent, you need to submit an application..."]

# Tokenize the data
query_encodings = question_tokenizer(queries, truncation=True, padding=True, return_tensors="pt")
context_encodings = context_tokenizer(contexts, truncation=True, padding=True, return_tensors="pt")

# Define a simple dataset class
class RetrievalDataset(torch.utils.data.Dataset):
def __init__(self, query_encodings, context_encodings):
self.query_encodings = query_encodings
self.context_encodings = context_encodings

def __len__(self):
return len(self.query_encodings["input_ids"])

def __getitem__(self, idx):
item = {key: torch.tensor(val[idx]) for key, val in self.query_encodings.items()}
item["labels"] = torch.tensor(self.context_encodings["input_ids"][idx])
return item

# Create the dataset
dataset = RetrievalDataset(query_encodings, context_encodings)

# Set up training arguments and trainer
training_args = TrainingArguments(
output_dir="./dpr_finetuned",
per_device_train_batch_size=8,
num_train_epochs=3,
save_steps=10_000,
save_total_limit=2,
)

trainer = Trainer(
model=question_encoder,
args=training_args,
train_dataset=dataset,
)

# Fine-tune the question encoder
trainer.train()

# Repeat similar steps to fine-tune the context encoder

3. Fine-Tuning the Generator (e.g., BART)

After fine-tuning the retriever, the next step is to fine-tune the generator model. The generator should be fine-tuned on the domain-specific text data to generate relevant and contextually accurate responses better.

from transformers import BartForConditionalGeneration, BartTokenizer

# Load the pre-trained BART model and tokenizer
bart_model = BartForConditionalGeneration.from_pretrained("facebook/bart-large")
bart_tokenizer = BartTokenizer.from_pretrained("facebook/bart-large")

# Prepare the fine-tuning dataset
texts = [
"In the context of legal proceedings, the burden of proof lies on the plaintiff.",
"Filing a patent involves several steps, including submitting an application..."
]

# Tokenize the data
inputs = bart_tokenizer(texts, truncation=True, padding=True, return_tensors="pt")

# Define the dataset class
class GenerationDataset(torch.utils.data.Dataset):
def __init__(self, encodings):
self.encodings = encodings

def __len__(self):
return len(self.encodings["input_ids"])

def __getitem__(self, idx):
item = {key: torch.tensor(val[idx]) for key, val in self.encodings.items()}
item["labels"] = item["input_ids"]
return item

# Create the dataset
gen_dataset = GenerationDataset(inputs)

# Set up training arguments and trainer
gen_training_args = TrainingArguments(
output_dir="./bart_finetuned",
per_device_train_batch_size=4,
num_train_epochs=3,
save_steps=10_000,
save_total_limit=2,
)

gen_trainer = Trainer(
model=bart_model,
args=gen_training_args,
train_dataset=gen_dataset,
)

# Fine-tune the generator
gen_trainer.train()

Optimizing Retrieval Strategies

Fine-tuning the models improves their performance, but optimizing the retrieval strategy can further enhance the quality of the generated responses. Here are some advanced techniques to consider:

1. Diversity-Promoting Retrieval

Instead of simply retrieving the top-k documents, consider retrieving a diverse set of documents. This can be done by using techniques like Maximal Marginal Relevance (MMR), which balances relevance with diversity in the retrieved documents.

def mmr_selection(query_embedding, corpus_embeddings, top_k=5, diversity=0.7):
# Calculate similarity scores
similarity_scores = np.dot(corpus_embeddings, query_embedding.T).flatten()

selected_indices = []
for _ in range(top_k):
if len(selected_indices) == 0:
selected_index = np.argmax(similarity_scores)
else:
selected_index = np.argmax(similarity_scores - diversity * np.max(similarity_scores[selected_indices]))
selected_indices.append(selected_index)
similarity_scores[selected_index] = -np.inf # Set score to negative infinity to prevent reselection

return selected_indices

2. Contextual Re-Ranking

Once documents are retrieved, re-rank them based on their contextual relevance to the query. This can be achieved using models like BERT for re-ranking, which considers the query and document as a pair and predicts a relevance score.

Handling Large-Scale Datasets

In real-world applications, the corpus can be vast, consisting of millions of documents. Here are some strategies to handle such large-scale datasets:

1. Efficient Indexing with FAISS

FAISS is a powerful library for indexing and searching through large datasets. When dealing with millions of documents, it’s crucial to use efficient indexing techniques like IVF (Inverted File Index) or HNSW (Hierarchical Navigable Small World) graphs.

# Create an IVF index
nlist = 100 # Number of clusters
quantizer = faiss.IndexFlatL2(768) # The quantizer is the coarse quantizer
index_ivf = faiss.IndexIVFFlat(quantizer, 768, nlist, faiss.METRIC_L2)

# Train the index
index_ivf.train(encoded_corpus)
index_ivf.add(encoded_corpus)

# Search in the IVF index
distances, indices = index_ivf.search(query_embedding, top_k)

2. Sharding and Distributed Retrieval

For extremely large datasets, consider sharding the corpus across multiple machines and performing distributed retrieval. Each shard can be indexed separately, and queries can be distributed across shards. The results from each shard are then aggregated and re-ranked.

Integrating RAG with Real-Time Data Sources

To keep the generated responses up-to-date, RAG can be integrated with real-time data sources. For instance, news articles, social media posts, or API responses can be dynamically retrieved and incorporated into the generation process.

1. Real-Time Document Retrieval

You can fetch real-time data from APIs or web sources and include it in the retrieval process. This allows the model to generate responses based on the most recent information.

import requests

def fetch_real_time_data(query):
# Example: Fetching news articles related to the query
api_url = f"https://newsapi.org/v2/everything?q={query}&apiKey=your_api_key"
response = requests.get(api_url)
articles = response.json().get('articles', [])
return [article['description'] for article in articles if article['description']]

# Example usage
real_time_data = fetch_real_time_data("climate change")

2. Dynamic Corpus Updating

Incorporate mechanisms to update the FAISS index dynamically as new data becomes available. This ensures that the retrieval model always has access to the latest documents.

def update_faiss_index(new_documents):
new_encodings = [context_encoder(**tokenizer(doc, return_tensors='pt', truncation=True, max_length=512)).pooler_output for doc in new_documents]
new_encodings = torch.cat(new_encodings).detach().cpu().numpy()
index_ivf.add(new_encodings)

# Example usage
new_docs = ["A new study on climate change...", "Recent updates on global warming..."]
update_faiss_index(new_docs)

Thats about it!

We’ve explored how to fine-tune and optimize RAG for domain-specific applications. By fine-tuning both the retriever and generator models, optimizing retrieval strategies, handling large-scale datasets, and integrating real-time data sources, you can significantly enhance the generated text's relevance, accuracy, and utility.

The techniques discussed here provide a foundation for building sophisticated, domain-specific RAG systems that can be applied to various real-world applications, from legal document generation to personalized customer support. As the field of NLP continues to evolve, these methods will play a crucial role in developing intelligent, context-aware systems that push the boundaries of what language models can achieve.

--

--

Madhusudhan Anand's Blog

Author of 2x books. Cofounder of Ambee. I write about Books, Climate-tech, Research, AI & Coding, Entrepreneurship, Startups, Growth, Learning & Career