146 questions
Advice
0
votes
0
replies
15
views
RAG with Pinecone + GPT-5 for generating new math problems: incoherent outputs, mixed chunks, and lack of originality
I’m building a tool that generates new mathematics exam problems using an internal database of past problems.
My current setup uses a RAG pipeline, Pinecone as the vector database, and GPT-5 as the ...
Best practices
0
votes
1
replies
105
views
Regarding rag for telephony with deepgram
I'm building a voice-based calling system where users can create AI agents that make outbound phone calls.
The agent uses Deepgram for real-time transcription and ElevenLabs/Cartesia for speech ...
Advice
0
votes
1
replies
58
views
How can I group transcribed phrases into meaningful chunks without using complex models?
I have a large set of phrases obtained via Azure Fast Transcription, and I need to group them into coherent semantic chunks (to use later in a RAG pipeline).
Initially, I tried grouping phrases based ...
0
votes
0
answers
24
views
How to exclude metadata from embedding?
I'm using LlamaIndex 0.14.7. I would like to embed document text without concatenating metadata, because I put a long text in metadata. Here's my code:
table_vec_store: SimpleVectorStore = ...
0
votes
0
answers
54
views
Langchain RAG is not retrieving any document
This is my embedding code, which I run once only:
embeddings = OpenAIEmbeddings(model="text-embedding-3-large")
vector_store = MongoDBAtlasVectorSearch.from_connection_string(
...
1
vote
1
answer
122
views
Why does answer_relevancy return NaN when evaluating RAG with Ragas?
I’m trying to evaluate my Retrieval-Augmented Generation (RAG) pipeline using Ragas.
.
Here’s a complete version of my code:
"""# RAG Evaluation"""
from datasets import ...
0
votes
1
answer
64
views
Chroma not accepting lists in persistentClient collection?
My objective is to do keyword filtering in Chroma. I have a field called keywords with a list of strings and I want to filter with it, but chroma won't let me add lists as a field.
I checked my Chroma ...
1
vote
0
answers
51
views
Why does my LangChain RAG chatbot sometimes miss relevant chunks in semantic search?
I built a RAG chatbot using LangChain + ChromaDB + OpenAI embeddings. The pipeline works, but sometimes the chatbot doesn’t return the most relevant PDF content, even though it exists in the vector DB....
1
vote
0
answers
72
views
RAG Chatbot does not answer paraphrased questions
I built a RAG chatbot in python,langchain, and FAISS for the vectorstore.
And the data is stored as JSON.
The chatbot sometimes refuses to answer when a question is rephrased.
Here are two ...
0
votes
0
answers
28
views
RAG Pipeline Memory Leak - Vector Embeddings Not Releasing After Context Switch in Memo AI
Question:
I'm building a memory-augmented AI system using RAG with persistent vector storage, but facing memory leaks and context contamination between sessions.
Problem:
Vector embeddings aren't ...
0
votes
1
answer
55
views
module not found in haystack 2.17.1
i am trying to create a small starter llm RAG project using haystack. my project packages are below (I use UV):
[project]
name = "llm-project"
version = "0.1.0"
description = "...
0
votes
0
answers
49
views
Why does LanceDB's full-text-search fail to find matches where the exact text is present?
I am trying to use lancedb to perform FTS, but getting spurious results.
Here is a minimal example:
# Data generation
import lancedb
import polars as pl
from string import ascii_lowercase
words = [...
0
votes
0
answers
146
views
Zep Graphiti - core - Adding Episode fails the LLM structured output
On the ingestion part to the graph db, I pass a json file, as an episode, custom entities (and edges), using gemini api, but I get some discrepancy on the structured output, like so:
LLM generation ...
0
votes
0
answers
56
views
How to send extra headers from RAGFlow Agent to a Spring Boot MCP server tool call?
I am using RAGFlow
connected to a Spring Boot MCP server.
My agent flow is simple:
Begin node → collects inputs (auth_token, tenant_id, x_request_status)
Agent (gpt-4o) → connected to
MCP Tool (server)...
1
vote
0
answers
71
views
ragas with Ollama does not terminate
I am using the python package ragas with the goal of generating a testset for a RAG application.
I am defining my BaseRagasLLM as:
from langchain_ollama import OllamaLLM
from ragas.llms import ...
0
votes
0
answers
75
views
How to accelerate my corpus embedding to the chromadb
I have the corpus.jsonl which has 6.5gb storage.And i use the one h100 gpu to embedding the corpus to the chromadb,but it seems very slowly.I want to find how can i accelerate the progress(gpu,cpu,io)....
1
vote
1
answer
260
views
Firecrawl self-hosted crawler throws Connection violated security rules error
I set up a self-hosted Firecrawl instance and I want to crawl my internal intranet site (e.g. https://intranet.xxx.gov.tr/).
I can access the site directly both from the host machine and from inside ...
2
votes
1
answer
186
views
Why is FAISS document retrieval slow and inconsistent on EC2 t3.micro instance?
I'm building a document Q&A system using FAISS for vector search on an AWS EC2 t3.micro instance (1 vCPU, 1GB RAM). My FAISS index is relatively small (8.4MB .faiss + 1.4MB .pkl files), but I'm ...
0
votes
0
answers
131
views
How to Use Pytest Fixtures in a RAG-Based LangChain Streamlit App?
I'm building a RAG (Retrieval-Augmented Generation) chatbot using LangChain, Gemini API, and Qdrant, with a Streamlit frontend. I want to write unit tests for the app using pytest, and I’m trying to ...
0
votes
1
answer
120
views
How do I prevent duplicate messages in context window, when using rag and memory?
When using rag and memory, multiple identical copies of the same information is sent to the ai, when asking related questions.
I have
import java.util.ArrayList;
import java.util.List;
import dev....
0
votes
1
answer
268
views
Deleting data points in qDrant DB
I am trying to delete all the data points that are associated with a particular email Id, but I am encountering the following error.
source code:
app.get('/cleanUpResources', async (req, res) => {
...
-1
votes
1
answer
256
views
ImportError: cannot import name 'Client' from 'pinecone' (unknown location)
The problem with this piece of code is that I am unable to import Client from the pinecone library. I tried to uninstalling and reinstalling different versions none of them worked. I also tried it ...
-1
votes
1
answer
54
views
How to ensure all documents contribute to summary context after merging indexes?
I'm building a LangChain RAG pipeline using the FAISS vector store. I'm merging multiple FAISS indexes — each representing one document — and then querying them to generate summaries or answers via ...
1
vote
0
answers
193
views
How to handle follow-up confirmations in Spring AI 1.0.0 without losing context during tool selection using RAG?
I'm building a web application using Spring Boot 3.4.5 and Spring AI 1.0.0 with Llama3.2(Ollama) model integration. I've implemented tool calling, and because I have many tools in the application, I'm ...
0
votes
0
answers
101
views
What's the reason I get a blank screen while uploading a Json to Flowise?
I have been recently trying to do a multiagent project that to summarize, consists on:
Through an user input (often a query), the first agent will be dedicated to making the input more suitable for ...
0
votes
1
answer
599
views
AttributeError: 'LlmAgent' object has no attribute 'invoke'
I am trying to call Flask API which i alrady running on port 5000 on my system, i am desgning a agentic AI code which will invoke GET and then POSt based on some condition , and using google-adk. I ...
1
vote
0
answers
94
views
Sentence similarity pipeline with @huggingface/transformers
Wanted to use the pipeline api from @huggingface/transformers js for sentence-similarity - but I do not see a specific pipeline for it.
The closest thing is text classification and feature extractions ...
1
vote
0
answers
61
views
Scaling RAG QA with Large Docs, Tables, and 30K+ Chunks (No LangChain)
I'm building a RAG-based document QA system using Python (no LangChain), LLaMA (50K context), PostgreSQL with pgvector, and Docling for parsing. Users can upload up to 10 large documents (300+ pages ...
0
votes
0
answers
43
views
multi-intent queries in vector database retrieval
I'm working on a RAG pipeline using a vector database to search over a Q&A dataset. I'm using embedding-based dense retrieval to fetch relevant answers to user queries.
The issue I'm facing is ...
0
votes
0
answers
56
views
Using llama-index with the deployed LLM
I wanted to make a web app that uses llama-index to answer queries using RAG from specific documents. I have locally set up Llama3.2-1B-instruct llm and using that locally to create indexes of the ...
1
vote
0
answers
680
views
Why is the upload of files to GCP Vertex AI RAG corpora so slow?
I am experimenting with RAG on GCP/Vertex AI, and tried to create some simple example.
Here's what I came up with, creating small dummy files locally and then uploading them one by one to a newly-...
0
votes
0
answers
172
views
Llamaindex returns "Empty Response"
I have a RAG system using llamaindex. I am upgrading library from 0.10.44 to 0.12.33.
I see a different behaviour now.
Before when there were not results from vectors store it seems it called the LLM ...
0
votes
0
answers
99
views
How to loop through text chunks created using AzureOpenAI `client.vector_stores.create`
I checked Azure's documentation on this topic here but I do not see anything related to this. My goal is to create a question and answer dataset for my RAG solution based on each chunk for a good ...
1
vote
1
answer
137
views
Embedding model `all-mpnet-base-v2` not able to classify user prompt properly
I am using this model to embed a product catalog for a rag. In the product catalog, there are no red shirts for men, but there are red shirts for women. How can I make sure the model doesnt output ...
0
votes
0
answers
66
views
How to Extract Text Tables Images from PDFs while maintaining the structures
from unstructured library opensource one when i tried a pdf that have background images design patterns and XObjects in it this library also consider those as a images and store the path. so how can ...
0
votes
2
answers
75
views
SitemapLoader(sitemap_url).load() hangs
from langchain_community.document_loaders import SitemapLoader
def crawl(self):
print("Starting crawler...")
sitemap_url = "https://gringo.co.il/sitemap.xml"
...
0
votes
2
answers
880
views
How to add S3 bucket objects metadata into bedrock knowledgebase?
I am using AWS bedrock for the first time. I have configured the data source which is S3 along with opensearch serverless cluster for embeddings. However, I do not have any control over the mappings ...
1
vote
0
answers
47
views
how to deal with evolving information in RAG?
I'm trying to index a series of articles to use in a RAG knowledge base, I cannot find any best practice or recommendation documented about dealing with information that changes or evolves in time.
...
0
votes
1
answer
433
views
I am using LangChain4j to develop a knowledge base and encountered the "different vector dimensions 1024 and 384"
I want to know if there are any other settings required for pgvector or what content needs to be set in the code to enable pgvector to support higher vector dimensions. I found on the official website ...
0
votes
0
answers
70
views
Firebase Genkit onCall function provide context from client app
I'm following along with the Firebase Genkit docs covering context. From reading the docs it seems as though I should be able to pass context to the flow from where I call the function in my client ...
0
votes
1
answer
23
views
How to Reduce time when formatting the Cypher result?
I'm retrieving results from a Cypher query, which includes the article's date and text.
After fetching the results, I'm formatting them before passing them to the LLM for response generation. ...
-4
votes
1
answer
143
views
I want to know where to locate the file I upload though the ragflow system, how to find it in the windows system
I use Ollama and RagFlow to manage my own knowledge files, I upload some files to a knowledge,and they works well in the system. I start the ragflow with docker commands.
Who can help me to find the ...
0
votes
0
answers
26
views
Trying to deploy my first modal app with a chrona database but the data is not being used. Need help debugging retrieveInfoForQuery function?
I am having trouble figuring out why I can't see the print statements in the terminal for my retrieveInfoForQuery function and trying to figure out what is wrong. I have verified the chroma db is on ...
1
vote
1
answer
273
views
RegexTextSplitter does not exist in langchain_text_splitters?
Trying to import RegexTextSplitter using
from langchain.text_splitter import RegexTextSplitter ,RecursiveCharacterTextSplitter
And I get the error
from langchain.text_splitter import RegexTextSplitter ...
0
votes
0
answers
154
views
Feeding tabular data to Chromadb for RAG
I am working on a RAG chatbot which takes .csv financial tables (eg. income statements/balance sheets etc.) of a company in the last 3 quarters, and answers questions based on the provided report ...
0
votes
1
answer
234
views
What to include in context precision/recall for RAG LLM evaluation
I am doing evaluation for my RAG LLM application using ragas. I have the prompt instruction to describe some rules, the retrieved content from my retriever, and chat history together for the LLM to do ...
0
votes
1
answer
162
views
Upserting in Pinecone takes too long
I'm trying to upsert reviews that i've scraped into pinecone. For the embedding model im using jina-embedding-v3. For 204 reviews this takes around 2.5 hours! in Colab. Tried using GPU but the ...
0
votes
0
answers
46
views
I have a pipeline for the RAG application for the csv query search
from llama_index.core.query_pipeline import (
QueryPipeline as QP,
Link,
InputComponent,
)
from llama_index.experimental.query_engine.pandas import (
PandasInstructionParser,
)
from ...
0
votes
1
answer
146
views
Is it possible to share an Azure-based RAG chatbot without requiring users to sign in with Azure?
I’ve been experimenting with Azure AI Foundry and created a Retrieval-Augmented Generation (RAG) chatbot that works great on its own. However, when I try to deploy the chatbot using Azure, I encounter ...
1
vote
1
answer
526
views
Python request LM Studio Model failed but Curl successful
I tried to request local model by using Python with below code,
import requests
import json
url = 'http://localhost:1234/v1/chat/completions'
headers = {
'Content-Type': 'application/json'
}
...