utils.py 16 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528
  1. import logging
  2. import os
  3. import uuid
  4. from typing import Optional, Union
  5. import requests
  6. from huggingface_hub import snapshot_download
  7. from langchain.retrievers import ContextualCompressionRetriever, EnsembleRetriever
  8. from langchain_community.retrievers import BM25Retriever
  9. from langchain_core.documents import Document
  10. from open_webui.apps.ollama.main import (
  11. GenerateEmbeddingsForm,
  12. generate_ollama_embeddings,
  13. )
  14. from open_webui.apps.rag.vector.connector import VECTOR_DB_CLIENT
  15. from open_webui.utils.misc import get_last_user_message
  16. from open_webui.env import SRC_LOG_LEVELS
  17. log = logging.getLogger(__name__)
  18. log.setLevel(SRC_LOG_LEVELS["RAG"])
  19. from typing import Any
  20. from langchain_core.callbacks import CallbackManagerForRetrieverRun
  21. from langchain_core.retrievers import BaseRetriever
  22. class VectorSearchRetriever(BaseRetriever):
  23. collection_name: Any
  24. embedding_function: Any
  25. top_k: int
  26. def _get_relevant_documents(
  27. self,
  28. query: str,
  29. *,
  30. run_manager: CallbackManagerForRetrieverRun,
  31. ) -> list[Document]:
  32. result = VECTOR_DB_CLIENT.search(
  33. collection_name=self.collection_name,
  34. vectors=[self.embedding_function(query)],
  35. limit=self.top_k,
  36. )
  37. ids = result["ids"][0]
  38. metadatas = result["metadatas"][0]
  39. documents = result["documents"][0]
  40. results = []
  41. for idx in range(len(ids)):
  42. results.append(
  43. Document(
  44. metadata=metadatas[idx],
  45. page_content=documents[idx],
  46. )
  47. )
  48. return results
  49. def query_doc(
  50. collection_name: str,
  51. query: str,
  52. embedding_function,
  53. k: int,
  54. ):
  55. try:
  56. result = VECTOR_DB_CLIENT.search(
  57. collection_name=collection_name,
  58. vectors=[embedding_function(query)],
  59. limit=k,
  60. )
  61. print("result", result)
  62. log.info(f"query_doc:result {result}")
  63. return result
  64. except Exception as e:
  65. print(e)
  66. raise e
  67. def query_doc_with_hybrid_search(
  68. collection_name: str,
  69. query: str,
  70. embedding_function,
  71. k: int,
  72. reranking_function,
  73. r: float,
  74. ) -> dict:
  75. try:
  76. result = VECTOR_DB_CLIENT.get(collection_name=collection_name)
  77. bm25_retriever = BM25Retriever.from_texts(
  78. texts=result.documents,
  79. metadatas=result.metadatas,
  80. )
  81. bm25_retriever.k = k
  82. vector_search_retriever = VectorSearchRetriever(
  83. collection_name=collection_name,
  84. embedding_function=embedding_function,
  85. top_k=k,
  86. )
  87. ensemble_retriever = EnsembleRetriever(
  88. retrievers=[bm25_retriever, vector_search_retriever], weights=[0.5, 0.5]
  89. )
  90. compressor = RerankCompressor(
  91. embedding_function=embedding_function,
  92. top_n=k,
  93. reranking_function=reranking_function,
  94. r_score=r,
  95. )
  96. compression_retriever = ContextualCompressionRetriever(
  97. base_compressor=compressor, base_retriever=ensemble_retriever
  98. )
  99. result = compression_retriever.invoke(query)
  100. result = {
  101. "distances": [[d.metadata.get("score") for d in result]],
  102. "documents": [[d.page_content for d in result]],
  103. "metadatas": [[d.metadata for d in result]],
  104. }
  105. log.info(f"query_doc_with_hybrid_search:result {result}")
  106. return result
  107. except Exception as e:
  108. raise e
  109. def merge_and_sort_query_results(
  110. query_results: list[dict], k: int, reverse: bool = False
  111. ) -> list[dict]:
  112. # Initialize lists to store combined data
  113. combined_distances = []
  114. combined_documents = []
  115. combined_metadatas = []
  116. for data in query_results:
  117. combined_distances.extend(data["distances"][0])
  118. combined_documents.extend(data["documents"][0])
  119. combined_metadatas.extend(data["metadatas"][0])
  120. # Create a list of tuples (distance, document, metadata)
  121. combined = list(zip(combined_distances, combined_documents, combined_metadatas))
  122. # Sort the list based on distances
  123. combined.sort(key=lambda x: x[0], reverse=reverse)
  124. # We don't have anything :-(
  125. if not combined:
  126. sorted_distances = []
  127. sorted_documents = []
  128. sorted_metadatas = []
  129. else:
  130. # Unzip the sorted list
  131. sorted_distances, sorted_documents, sorted_metadatas = zip(*combined)
  132. # Slicing the lists to include only k elements
  133. sorted_distances = list(sorted_distances)[:k]
  134. sorted_documents = list(sorted_documents)[:k]
  135. sorted_metadatas = list(sorted_metadatas)[:k]
  136. # Create the output dictionary
  137. result = {
  138. "distances": [sorted_distances],
  139. "documents": [sorted_documents],
  140. "metadatas": [sorted_metadatas],
  141. }
  142. return result
  143. def query_collection(
  144. collection_names: list[str],
  145. query: str,
  146. embedding_function,
  147. k: int,
  148. ) -> dict:
  149. results = []
  150. for collection_name in collection_names:
  151. if collection_name:
  152. try:
  153. result = query_doc(
  154. collection_name=collection_name,
  155. query=query,
  156. k=k,
  157. embedding_function=embedding_function,
  158. )
  159. results.append(result)
  160. except Exception as e:
  161. log.exception(f"Error when querying the collection: {e}")
  162. else:
  163. pass
  164. return merge_and_sort_query_results(results, k=k)
  165. def query_collection_with_hybrid_search(
  166. collection_names: list[str],
  167. query: str,
  168. embedding_function,
  169. k: int,
  170. reranking_function,
  171. r: float,
  172. ) -> dict:
  173. results = []
  174. failed = 0
  175. for collection_name in collection_names:
  176. try:
  177. result = query_doc_with_hybrid_search(
  178. collection_name=collection_name,
  179. query=query,
  180. embedding_function=embedding_function,
  181. k=k,
  182. reranking_function=reranking_function,
  183. r=r,
  184. )
  185. results.append(result)
  186. except Exception as e:
  187. log.exception(
  188. "Error when querying the collection with " f"hybrid_search: {e}"
  189. )
  190. failed += 1
  191. if failed == len(collection_names):
  192. raise Exception(
  193. "Hybrid search failed for all collections. Using "
  194. "Non hybrid search as fallback."
  195. )
  196. return merge_and_sort_query_results(results, k=k, reverse=True)
  197. def rag_template(template: str, context: str, query: str):
  198. count = template.count("[context]")
  199. assert (
  200. count == 1
  201. ), f"RAG template contains an unexpected number of '[context]' : {count}"
  202. assert "[context]" in template, "RAG template does not contain '[context]'"
  203. if "<context>" in context and "</context>" in context:
  204. log.debug(
  205. "WARNING: Potential prompt injection attack: the RAG "
  206. "context contains '<context>' and '</context>'. This might be "
  207. "nothing, or the user might be trying to hack something."
  208. )
  209. if "[query]" in context:
  210. query_placeholder = str(uuid.uuid4())
  211. template = template.replace("[QUERY]", query_placeholder)
  212. template = template.replace("[context]", context)
  213. template = template.replace(query_placeholder, query)
  214. else:
  215. template = template.replace("[context]", context)
  216. template = template.replace("[query]", query)
  217. return template
  218. def get_embedding_function(
  219. embedding_engine,
  220. embedding_model,
  221. embedding_function,
  222. openai_key,
  223. openai_url,
  224. batch_size,
  225. ):
  226. if embedding_engine == "":
  227. return lambda query: embedding_function.encode(query).tolist()
  228. elif embedding_engine in ["ollama", "openai"]:
  229. if embedding_engine == "ollama":
  230. func = lambda query: generate_ollama_embeddings(
  231. GenerateEmbeddingsForm(
  232. **{
  233. "model": embedding_model,
  234. "prompt": query,
  235. }
  236. )
  237. )
  238. elif embedding_engine == "openai":
  239. func = lambda query: generate_openai_embeddings(
  240. model=embedding_model,
  241. text=query,
  242. key=openai_key,
  243. url=openai_url,
  244. )
  245. def generate_multiple(query, f):
  246. if isinstance(query, list):
  247. if embedding_engine == "openai":
  248. embeddings = []
  249. for i in range(0, len(query), batch_size):
  250. embeddings.extend(f(query[i : i + batch_size]))
  251. return embeddings
  252. else:
  253. return [f(q) for q in query]
  254. else:
  255. return f(query)
  256. return lambda query: generate_multiple(query, func)
  257. def get_rag_context(
  258. files,
  259. messages,
  260. embedding_function,
  261. k,
  262. reranking_function,
  263. r,
  264. hybrid_search,
  265. ):
  266. log.debug(f"files: {files} {messages} {embedding_function} {reranking_function}")
  267. query = get_last_user_message(messages)
  268. extracted_collections = []
  269. relevant_contexts = []
  270. for file in files:
  271. context = None
  272. collection_names = (
  273. file["collection_names"]
  274. if file["type"] == "collection"
  275. else [file["collection_name"]] if file["collection_name"] else []
  276. )
  277. collection_names = set(collection_names).difference(extracted_collections)
  278. if not collection_names:
  279. log.debug(f"skipping {file} as it has already been extracted")
  280. continue
  281. try:
  282. context = None
  283. if file["type"] == "text":
  284. context = file["content"]
  285. else:
  286. if hybrid_search:
  287. try:
  288. context = query_collection_with_hybrid_search(
  289. collection_names=collection_names,
  290. query=query,
  291. embedding_function=embedding_function,
  292. k=k,
  293. reranking_function=reranking_function,
  294. r=r,
  295. )
  296. except Exception as e:
  297. log.debug(
  298. "Error when using hybrid search, using"
  299. " non hybrid search as fallback."
  300. )
  301. if (not hybrid_search) or (context is None):
  302. context = query_collection(
  303. collection_names=collection_names,
  304. query=query,
  305. embedding_function=embedding_function,
  306. k=k,
  307. )
  308. except Exception as e:
  309. log.exception(e)
  310. if context:
  311. relevant_contexts.append({**context, "source": file})
  312. extracted_collections.extend(collection_names)
  313. contexts = []
  314. citations = []
  315. for context in relevant_contexts:
  316. try:
  317. if "documents" in context:
  318. contexts.append(
  319. "\n\n".join(
  320. [text for text in context["documents"][0] if text is not None]
  321. )
  322. )
  323. if "metadatas" in context:
  324. citations.append(
  325. {
  326. "source": context["source"],
  327. "document": context["documents"][0],
  328. "metadata": context["metadatas"][0],
  329. }
  330. )
  331. except Exception as e:
  332. log.exception(e)
  333. return contexts, citations
  334. def get_model_path(model: str, update_model: bool = False):
  335. # Construct huggingface_hub kwargs with local_files_only to return the snapshot path
  336. cache_dir = os.getenv("SENTENCE_TRANSFORMERS_HOME")
  337. local_files_only = not update_model
  338. snapshot_kwargs = {
  339. "cache_dir": cache_dir,
  340. "local_files_only": local_files_only,
  341. }
  342. log.debug(f"model: {model}")
  343. log.debug(f"snapshot_kwargs: {snapshot_kwargs}")
  344. # Inspiration from upstream sentence_transformers
  345. if (
  346. os.path.exists(model)
  347. or ("\\" in model or model.count("/") > 1)
  348. and local_files_only
  349. ):
  350. # If fully qualified path exists, return input, else set repo_id
  351. return model
  352. elif "/" not in model:
  353. # Set valid repo_id for model short-name
  354. model = "sentence-transformers" + "/" + model
  355. snapshot_kwargs["repo_id"] = model
  356. # Attempt to query the huggingface_hub library to determine the local path and/or to update
  357. try:
  358. model_repo_path = snapshot_download(**snapshot_kwargs)
  359. log.debug(f"model_repo_path: {model_repo_path}")
  360. return model_repo_path
  361. except Exception as e:
  362. log.exception(f"Cannot determine model snapshot path: {e}")
  363. return model
  364. def generate_openai_embeddings(
  365. model: str,
  366. text: Union[str, list[str]],
  367. key: str,
  368. url: str = "https://api.openai.com/v1",
  369. ):
  370. if isinstance(text, list):
  371. embeddings = generate_openai_batch_embeddings(model, text, key, url)
  372. else:
  373. embeddings = generate_openai_batch_embeddings(model, [text], key, url)
  374. return embeddings[0] if isinstance(text, str) else embeddings
  375. def generate_openai_batch_embeddings(
  376. model: str, texts: list[str], key: str, url: str = "https://api.openai.com/v1"
  377. ) -> Optional[list[list[float]]]:
  378. try:
  379. r = requests.post(
  380. f"{url}/embeddings",
  381. headers={
  382. "Content-Type": "application/json",
  383. "Authorization": f"Bearer {key}",
  384. },
  385. json={"input": texts, "model": model},
  386. )
  387. r.raise_for_status()
  388. data = r.json()
  389. if "data" in data:
  390. return [elem["embedding"] for elem in data["data"]]
  391. else:
  392. raise "Something went wrong :/"
  393. except Exception as e:
  394. print(e)
  395. return None
  396. import operator
  397. from typing import Optional, Sequence
  398. from langchain_core.callbacks import Callbacks
  399. from langchain_core.documents import BaseDocumentCompressor, Document
  400. from langchain_core.pydantic_v1 import Extra
  401. class RerankCompressor(BaseDocumentCompressor):
  402. embedding_function: Any
  403. top_n: int
  404. reranking_function: Any
  405. r_score: float
  406. class Config:
  407. extra = Extra.forbid
  408. arbitrary_types_allowed = True
  409. def compress_documents(
  410. self,
  411. documents: Sequence[Document],
  412. query: str,
  413. callbacks: Optional[Callbacks] = None,
  414. ) -> Sequence[Document]:
  415. reranking = self.reranking_function is not None
  416. if reranking:
  417. scores = self.reranking_function.predict(
  418. [(query, doc.page_content) for doc in documents]
  419. )
  420. else:
  421. from sentence_transformers import util
  422. query_embedding = self.embedding_function(query)
  423. document_embedding = self.embedding_function(
  424. [doc.page_content for doc in documents]
  425. )
  426. scores = util.cos_sim(query_embedding, document_embedding)[0]
  427. docs_with_scores = list(zip(documents, scores.tolist()))
  428. if self.r_score:
  429. docs_with_scores = [
  430. (d, s) for d, s in docs_with_scores if s >= self.r_score
  431. ]
  432. result = sorted(docs_with_scores, key=operator.itemgetter(1), reverse=True)
  433. final_results = []
  434. for doc, doc_score in result[: self.top_n]:
  435. metadata = doc.metadata
  436. metadata["score"] = doc_score
  437. doc = Document(
  438. page_content=doc.page_content,
  439. metadata=metadata,
  440. )
  441. final_results.append(doc)
  442. return final_results