Langchain-Chatchat/chains/local_doc_qa.py

143 lines
5.6 KiB
Python
Raw Normal View History

2023-04-13 23:01:52 +08:00
from langchain.chains import RetrievalQA
from langchain.prompts import PromptTemplate
from langchain.embeddings.huggingface import HuggingFaceEmbeddings
from langchain.vectorstores import FAISS
from langchain.document_loaders import UnstructuredFileLoader
from models.chatglm_llm import ChatGLM
import sentence_transformers
import os
from configs.model_config import *
import datetime
2023-04-14 00:42:21 +08:00
from typing import List
2023-04-17 23:59:22 +08:00
from textsplitter import ChineseTextSplitter
2023-04-13 23:01:52 +08:00
# return top-k text chunk from vector store
VECTOR_SEARCH_TOP_K = 6
2023-04-13 23:01:52 +08:00
# LLM input history length
LLM_HISTORY_LEN = 3
2023-04-17 23:59:22 +08:00
def load_file(filepath):
if filepath.lower().endswith(".pdf"):
loader = UnstructuredFileLoader(filepath)
textsplitter = ChineseTextSplitter(pdf=True)
docs = loader.load_and_split(textsplitter)
else:
loader = UnstructuredFileLoader(filepath, mode="elements")
textsplitter = ChineseTextSplitter(pdf=False)
docs = loader.load_and_split(text_splitter=textsplitter)
return docs
2023-04-13 23:01:52 +08:00
class LocalDocQA:
llm: object = None
embeddings: object = None
def init_cfg(self,
embedding_model: str = EMBEDDING_MODEL,
embedding_device=EMBEDDING_DEVICE,
llm_history_len: int = LLM_HISTORY_LEN,
llm_model: str = LLM_MODEL,
2023-04-14 00:06:45 +08:00
llm_device=LLM_DEVICE,
top_k=VECTOR_SEARCH_TOP_K,
2023-04-20 12:50:51 +08:00
use_ptuning_v2: bool = USE_PTUNING_V2
2023-04-13 23:01:52 +08:00
):
self.llm = ChatGLM()
self.llm.load_model(model_name_or_path=llm_model_dict[llm_model],
2023-04-20 12:50:51 +08:00
llm_device=llm_device,
use_ptuning_v2=use_ptuning_v2)
2023-04-13 23:01:52 +08:00
self.llm.history_len = llm_history_len
self.embeddings = HuggingFaceEmbeddings(model_name=embedding_model_dict[embedding_model], )
self.embeddings.client = sentence_transformers.SentenceTransformer(self.embeddings.model_name,
device=embedding_device)
2023-04-14 00:06:45 +08:00
self.top_k = top_k
2023-04-13 23:01:52 +08:00
def init_knowledge_vector_store(self,
2023-04-19 21:29:20 +08:00
filepath: str or List[str],
vs_path: str or os.PathLike = None):
loaded_files = []
2023-04-14 00:42:21 +08:00
if isinstance(filepath, str):
if not os.path.exists(filepath):
print("路径不存在")
2023-04-13 23:01:52 +08:00
return None
2023-04-14 00:42:21 +08:00
elif os.path.isfile(filepath):
file = os.path.split(filepath)[-1]
try:
2023-04-17 23:59:22 +08:00
docs = load_file(filepath)
2023-04-14 00:42:21 +08:00
print(f"{file} 已成功加载")
2023-04-19 21:29:20 +08:00
loaded_files.append(filepath)
2023-04-17 23:59:22 +08:00
except Exception as e:
print(e)
2023-04-14 00:42:21 +08:00
print(f"{file} 未能成功加载")
return None
elif os.path.isdir(filepath):
docs = []
for file in os.listdir(filepath):
fullfilepath = os.path.join(filepath, file)
try:
2023-04-17 23:59:22 +08:00
docs += load_file(fullfilepath)
2023-04-14 00:42:21 +08:00
print(f"{file} 已成功加载")
2023-04-19 21:29:20 +08:00
loaded_files.append(fullfilepath)
2023-04-17 23:59:22 +08:00
except Exception as e:
print(e)
2023-04-14 00:42:21 +08:00
print(f"{file} 未能成功加载")
else:
2023-04-13 23:01:52 +08:00
docs = []
2023-04-14 00:42:21 +08:00
for file in filepath:
2023-04-13 23:01:52 +08:00
try:
2023-04-17 23:59:22 +08:00
docs += load_file(file)
2023-04-13 23:01:52 +08:00
print(f"{file} 已成功加载")
2023-04-19 21:29:20 +08:00
loaded_files.append(file)
2023-04-17 23:59:22 +08:00
except Exception as e:
print(e)
2023-04-13 23:01:52 +08:00
print(f"{file} 未能成功加载")
2023-04-19 21:29:20 +08:00
if vs_path and os.path.isdir(vs_path):
vector_store = FAISS.load_local(vs_path, self.embeddings)
vector_store.add_documents(docs)
else:
if not vs_path:
vs_path = f"""{VS_ROOT_PATH}{os.path.splitext(file)[0]}_FAISS_{datetime.datetime.now().strftime("%Y%m%d_%H%M%S")}"""
vector_store = FAISS.from_documents(docs, self.embeddings)
2023-04-13 23:01:52 +08:00
vector_store.save_local(vs_path)
2023-04-19 21:29:20 +08:00
return vs_path if len(docs) > 0 else None, loaded_files
2023-04-13 23:01:52 +08:00
def get_knowledge_based_answer(self,
query,
vs_path,
2023-04-14 00:42:21 +08:00
chat_history=[], ):
2023-04-13 23:01:52 +08:00
prompt_template = """基于以下已知信息,简洁和专业的来回答用户的问题。
如果无法从中得到答案请说 "根据已知信息无法回答该问题" "没有提供足够的相关信息"不允许在答案中添加编造成分答案请使用中文
已知内容:
{context}
问题:
{question}"""
2023-04-21 08:35:21 +08:00
if vs_path is None or vs_path =="":# or (not os.path.exists(vs_path))
result = self.llm.chat(query)
else:
prompt = PromptTemplate(
template=prompt_template,
input_variables=["context", "question"]
)
self.llm.history = chat_history
vector_store = FAISS.load_local(vs_path, self.embeddings)
knowledge_chain = RetrievalQA.from_llm(
llm=self.llm,
retriever=vector_store.as_retriever(search_kwargs={"k": self.top_k}),
prompt=prompt
)
knowledge_chain.combine_documents_chain.document_prompt = PromptTemplate(
input_variables=["page_content"], template="{page_content}"
)
2023-04-13 23:01:52 +08:00
2023-04-21 08:35:21 +08:00
knowledge_chain.return_source_documents = True
2023-04-13 23:01:52 +08:00
result = knowledge_chain({"query": query})
self.llm.history[-1][0] = query
return result, self.llm.history