123 questions
Advice
1
vote
1
replies
20
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 ...
0
votes
1
answer
307
views
AttributeError: module 'pinecone' has no attribute 'Index'
Hi I'm trying to create a pinecone index and write embeddings to it as per below code, but i'm keep getting AttributeError: module 'pinecone' has no attribute 'Index' error, i checked and found that ...
-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 ...
0
votes
2
answers
56
views
illegal condition for field filter error in pineconeStore similaritySearch
I am building an AI agent and the retrieval node causing issues when I am adding filter object.
Here is the core code or retrieval node :
const filter = {
info: state.info ,
};
const embeddings = ...
0
votes
0
answers
62
views
Default prompt in langchain creating problem
So I am using pinecone and using self query retrieval with gemini 2.5 pro, with langsmith i came to know the default prompt strictly instructs the ai to use specific comparators
Default Prompt in ...
3
votes
2
answers
127
views
Accessing Pinecone via PHP
I am having trouble accessing Pinecone via PHP. I tried to follow the examples from the documentation, but it does not seem to work.
<?php
ini_set('display_errors', '1');
ini_set('...
0
votes
1
answer
599
views
ValueError: client should be an instance of pinecone.Index, got <class 'pinecone.data.index.Index'>
Please help me fix this:
import os
from pinecone import Pinecone, ServerlessSpec
from langchain.vectorstores import Pinecone as PineconeLangchain
os.environ["PINECONE_API_KEY"] = ...
0
votes
1
answer
105
views
Memory leak due to accumulating threads after add_documents with Pinecone
I have a question regarding thread behavior when embedding data into Pinecone using LangChain.
When I call the add_documents method, I notice that seven new threads are spawned—which seems expected. ...
0
votes
0
answers
523
views
How to Build a Chatbot That Queries an SQL Database and Uses Vector Search for RAG?
I'm working on a chatbot that answers based on a department store's SQL database, and I need help.
The database looks like this:
If the user asks something like this:
The chatbot should answer like ...
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 ...
5
votes
0
answers
786
views
Insert metadata Flowise + pinecone
I am trying to do an upsert in Pinecone using Flowise. As I need to do this for several PDF files, I am using the 'Folder with Files' node. So far so good, but I have the need to insert as metadata a ...
2
votes
2
answers
119
views
Python, filter vectors from Pinecone vector store based on a field saved in the metadata of these vectors
I have vectors stored in a Pinecone vector store, each vector represents a content of a pdf file:
Metadata::
hash_code: "d53d7ec8b0e66e9a83a97acda09edd3fe9867cadb42833f9bf5525cc3b89fe2d"
id:...
1
vote
1
answer
985
views
TypeError: Couldn't build proto file into descriptor pool: duplicate file name opentelemetry/proto/common/v1/common.proto in Docker
I'm encountering an issue when trying to build my Docker image. The error message I receive is:
TypeError: Couldn't build proto file into descriptor pool: duplicate file name opentelemetry/proto/...
-1
votes
1
answer
89
views
'Specified method is not supported' runtime exception
I have seen this question before but i couldn't find a answer that helped my case, but somebody can probably find a way, so i came to ask here. When i run this code:
public static async Task<List&...
1
vote
1
answer
155
views
Receiving attribute error that the type object 'Pinecone' has no attribute 'from_existing_index'
I'm following a git repo and learning how to make a chatbot using pinecone and llama-2, but I'm getting an attribute error while using the Pinecone module, even though I've copied the same code as ...
3
votes
1
answer
1k
views
LLamaIndex-ReACT agent talking to itself and hallucinating
I'm new to creating a custom ReACT agent to query my data using the RAG technique.
It turns out that my locally running LLama2 7B model(Using Ollama) does fine with questions about my data(I added the ...
-1
votes
1
answer
51
views
Runtime exception System.Text.Json.JsonException: Pinecone databse
I am beginning to learn Vector databases, i am using Pinecone to make the databases, but in this code:
public static async Task SaveToDatabase(List<float> vector)
{
string ApiKey = "...
0
votes
1
answer
796
views
Error saying "AttributeError: 'Document' object has no attribute 'get_doc_id'"
I'm working on using Predibase and LlamaIndex to set up all the moving parts of an RAG system, with Predibase as the LLM provider and currently I'm trying to create the index so that any query I make ...
0
votes
0
answers
75
views
My Pinecone query simply won't return any match (Using Langchain + NodeJS)
I'm using a Node script to load a vectored txt file into a Pinecone index and then trying to query something about the loaded text. My index has the following characteristics:
metric: cosine
...
1
vote
2
answers
2k
views
AttributeError: 'Pinecone' object has no attribute 'from_texts'
I am trying to create embeddings for the chunk text which I have created, but when I try to use the method from_texts, i am getting the following error
AttributeError: 'Pinecone' object has no ...
2
votes
1
answer
3k
views
AWS Bedrock Agent Access Denied with Claude 3
I'm using AWS Bedrock with Pinecone as my vector database, and with Claude 2.1, it works smoothly. Still, when I try to update it (or create a new one) using the recently enabled Claude 3.0 Haiku or ...
1
vote
0
answers
70
views
Pinecone similarity_search Returning Null
Im learning to use Pinecone but i'm encountering an issue while performing a similarity_search operation in Pinecone. Despite successfully creating and populating the index, the search always returns ...
1
vote
2
answers
329
views
Pinecone serverless from existing index
from flask import Flask, render_template, jsonify, request
from src.helper import download_hugging_face_embeddings
# from langchain.vectorstores import Pinecone
import pinecone
from langchain.prompts ...
0
votes
1
answer
193
views
Upserting into Pinecone Index
I'm trying to upsert some data from a list into a Pinecone index with the following code:
tokenizer = BertTokenizer.from_pretrained("bert-base-uncased")
model = BertModel.from_pretrained(&...
0
votes
1
answer
584
views
RateLimitError: Error code: 429 while running a RAG application consisting gpt-4oAPI,Pinecone vector store,AzureAIDocumentIntelligenceLoader
Hi I am currently trying to run a RAG application (FAQ chatbot) which consists of 2 UI one where we can separately upload the files and store its embeddings in PineCone Vector store and another where ...
0
votes
1
answer
105
views
AttributeError: type object 'Pinecone' has no attribute 'from_existing_index'
I'm developing a medical chatbot that uses Pinecone for vector storage and SentenceTransformer for generating embeddings. The issue in your code arises from attempting to use a deprecated method ...
0
votes
1
answer
918
views
PineconeConfigurationError: You haven't specified an Api-Key
## Vector Search DB In Pinecone
from pinecone import Pinecone, ServerlessSpec
import os
pc = Pinecone(api_key='a561dac3-3246-4aff-97fb-1f648d2ce750')
index_name = "text-embeddings"
if ...
1
vote
2
answers
871
views
Pinecone node js error: TypeError - PineconeClient is not a constructor
I followed the docs: https://github.com/pinecone-io/pinecone-ts-client
I installed it via:
npm install @pinecone-database/pinecone
I've also set the following environmental variables:
...
5
votes
5
answers
4k
views
Is there a method to fetch all the vectors of a namespace in pinecone
How can I fetch all the vectors of a namespace in pinecone, as the fetch method expects the ids of the vectors. Is there any method to get all the ids of the vectors.
0
votes
2
answers
406
views
How to get the combine result from multiple vectors stored in Pinecone?
We have generated vector embeddings using OpenAI from our custom data file which is in .xlsx format and stored the vectors in Pinecone, we are now trying to put query using pinecone index and get the ...
0
votes
0
answers
137
views
Entire data is not ingested by AWS Bedrock
I am trying to create a vector data using AWS Bedrock. I am passing a CSV file(stored in S3). While ingesting data, some of the data is randomly dropped by AWS. The csv file has 1000 rows while the ...
1
vote
3
answers
3k
views
AttributeError: module 'pinecone' has no attribute 'init'
I am following the Pinecone API and I received this error message:
Traceback (most recent call last):
File "/Users/leonardjin/Dev/lodge/openAI/collegeAssistant/academicAssisstants/apush/...
0
votes
4
answers
10k
views
Module ‘langchain.vectorstores.pinecone’ has no attribute ‘init’
When I attempted to install ‘pinecone’ I received the error:
“could not find a version that satisfies the requirement pinecone”
So instead, I installed pinecone-client
Here is my code:
from ...
1
vote
0
answers
79
views
Check when vectors are uploaded to Pinecone namespace
I have a pinecone index set up and I am using Langchain to upload my prepared Documents to a certain namespace.
My problem is that, I am returning the PineconeVectorStore and passing that as a ...
0
votes
2
answers
533
views
RetrievalQA.from_chain_type showing a validation error of not being able to instantiate abstract
When I am trying to build a RetrievalQA.from_chain_type with my local llm and PineCone VectorDataBase. However, it is not able to create a retriever owing to the error of not being able to instantiate ...
0
votes
1
answer
264
views
How to get rid of "PineconeApiException: (400)" and "ValueError: Index 'None' not found in your Pinecone project" in jupyter notebook?
I am using this link to learn langhain and pinecone. Just copy pasted the code as bellow:
I am using default PINECONE_API_KEY and using bellow code I am able to create index in pinecone, facing ...
1
vote
1
answer
2k
views
Langchain CSVLoader
Not a coding question, but a documentation omission that is nowhere mentioned online at this point. When using the Langchain CSVLoader, which column is being vectorized via the OpenAI embeddings I ...
3
votes
5
answers
3k
views
pinecone ingest requested feature 'Namespaces' is not supported
Im following this tutorial https://github.com/chroma-core/gpt4-pdf-chatbot-langchain-chroma
but get an error when ingesting the PDF to Pinecone
error [PineconeError: PineconeClient: Error calling ...
0
votes
1
answer
502
views
ScoredVector has no attribute 'metadata' at ['['received_data', 'matches', 0]']['metadata']
I'm building a chatbot RAG using HuggingFace, Mistral, LangChain and Pinecone.
I have a Python Script to watch changes in my MongoDB collection and send the data to Pinecone as a vector.
import os
...
0
votes
1
answer
633
views
Module '"@pinecone-database/pinecone"' has no exported member 'PineconeClient'.ts(2305)
I'm trying to use PineconeClient, importing from "@pinecone-database/pinecone";
But I'm getting the following error:
Module '"@pinecone-database/pinecone"' has no exported member '...
1
vote
1
answer
1k
views
Text Conversion to Embedding and Upserting to the pinecone Vector DB
I am learning Gen AI and I came across following script, it was working for the trainer however it is not working for me, may be due to recent version changes. I am trying to convert text to Vector ...
0
votes
1
answer
1k
views
Embedding using Huggingface and Pinecone
I got a list of summarized PDFs and i want to embed them using a Huggingface model. After that i want to save them in a pinecone database with the namespace of their original document name. I always ...
0
votes
2
answers
307
views
Error list index out of range when trying to upsert on pinecone
I'm creating a chatbot RAG using the content from my MongoDB and sending to create vectors on Pinecone.
So my user can ask stuff to my chatbot about his reflections.
Here is my code:
import os
from ...
0
votes
2
answers
2k
views
Can anyone explain how the vector database work? On which step it creates indexes? [closed]
So if I understood correctly at first we need to create an embedding and then is it directly inserted to database?
or at first it should be indexed? or a first it is indexed and only after that stored ...
0
votes
1
answer
1k
views
NPM Err: Unable to resolve dependencies
I am building this web app that will allow a user to chat with their pdf. I am using pinecone as the vector database and also using langchain. So I npm installed pinecone before langchain but when it ...
2
votes
1
answer
834
views
Recommended approach for managing entries in a vector database when the embeddings are identical but their metadata differs?
In my project, I encounter numerous documents that have identical embeddings but differ in metadata, which might influence retrieval through filtering. (400K documents but only 22040 different ...
-1
votes
2
answers
2k
views
In the Python Langchain Pinecone library the function list_indexes() seems broken?
Here's my code:
import pinecone
from pinecone import Pinecone, ServerlessSpec
from langchain.vectorstores import Pinecone as pc1
import os
# We initialize pinecone
pc = Pinecone(api_key=os.getenv(&...
1
vote
1
answer
8k
views
How to use retriever in Langchain?
I looked through lot of documentation but got confused on the retriever part.
So I am building a chatbot using user's custom data.
User will feed the data
Data should be upserted to Pinecone
Then ...
0
votes
0
answers
188
views
Need to upsert vectors in pinecone DB in Next JS
So I need help pushing vectors into the db, currently something is wrong with the await function here, I am getting an error.
Here is my code for the pinecone.ts file that uploads to the db:
import {
...