2023-04-25 20:36:16 +08:00
|
|
|
|
from langchain.embeddings.huggingface import HuggingFaceEmbeddings
|
|
|
|
|
|
from langchain.vectorstores import FAISS
|
2023-05-20 01:54:08 +08:00
|
|
|
|
from langchain.document_loaders import UnstructuredFileLoader, TextLoader
|
2023-04-13 23:01:52 +08:00
|
|
|
|
from configs.model_config import *
|
|
|
|
|
|
import datetime
|
2023-04-17 23:59:22 +08:00
|
|
|
|
from textsplitter import ChineseTextSplitter
|
2023-05-21 22:08:38 +08:00
|
|
|
|
from typing import List, Tuple, Dict
|
2023-04-25 20:36:16 +08:00
|
|
|
|
from langchain.docstore.document import Document
|
2023-04-28 00:02:42 +08:00
|
|
|
|
import numpy as np
|
2023-05-01 23:51:29 +08:00
|
|
|
|
from utils import torch_gc
|
2023-05-06 18:39:58 +08:00
|
|
|
|
from tqdm import tqdm
|
2023-05-08 23:49:57 +08:00
|
|
|
|
from pypinyin import lazy_pinyin
|
2023-05-20 01:54:08 +08:00
|
|
|
|
from loader import UnstructuredPaddleImageLoader, UnstructuredPaddlePDFLoader
|
2023-05-18 22:54:41 +08:00
|
|
|
|
from models.base import (BaseAnswer,
|
|
|
|
|
|
AnswerResult,
|
|
|
|
|
|
AnswerResultStream,
|
|
|
|
|
|
AnswerResultQueueSentinelTokenListenerQueue)
|
|
|
|
|
|
from models.loader.args import parser
|
|
|
|
|
|
from models.loader import LoaderCheckPoint
|
|
|
|
|
|
import models.shared as shared
|
2023-05-21 22:08:38 +08:00
|
|
|
|
from agent import bing_search
|
|
|
|
|
|
from langchain.docstore.document import Document
|
2023-05-22 10:32:58 +08:00
|
|
|
|
from sentence_transformers import SentenceTransformer, CrossEncoder, util
|
2023-05-22 10:39:55 +08:00
|
|
|
|
from sklearn.neighbors import NearestNeighbors
|
2023-04-13 23:01:52 +08:00
|
|
|
|
|
2023-05-22 10:32:58 +08:00
|
|
|
|
class SemanticSearch:
|
|
|
|
|
|
def __init__(self):
|
|
|
|
|
|
self.use= SentenceTransformer('GanymedeNil_text2vec-large-chinese')
|
|
|
|
|
|
self.fitted = False
|
|
|
|
|
|
|
|
|
|
|
|
def fit(self, data, batch=100, n_neighbors=10):
|
|
|
|
|
|
self.data = data
|
|
|
|
|
|
self.embeddings = self.get_text_embedding(data, batch=batch)
|
|
|
|
|
|
n_neighbors = min(n_neighbors, len(self.embeddings))
|
|
|
|
|
|
self.nn = NearestNeighbors(n_neighbors=n_neighbors)
|
|
|
|
|
|
self.nn.fit(self.embeddings)
|
|
|
|
|
|
self.fitted = True
|
|
|
|
|
|
|
|
|
|
|
|
def __call__(self, text, return_data=True):
|
|
|
|
|
|
inp_emb = self.use.encode([text])
|
|
|
|
|
|
neighbors = self.nn.kneighbors(inp_emb, return_distance=False)[0]
|
|
|
|
|
|
|
|
|
|
|
|
if return_data:
|
|
|
|
|
|
return [self.data[i] for i in neighbors]
|
|
|
|
|
|
else:
|
|
|
|
|
|
return neighbors
|
|
|
|
|
|
|
|
|
|
|
|
def get_text_embedding(self, texts, batch=100):
|
|
|
|
|
|
embeddings = []
|
|
|
|
|
|
for i in range(0, len(texts), batch):
|
|
|
|
|
|
text_batch = texts[i : (i + batch)]
|
|
|
|
|
|
emb_batch = self.use.encode(text_batch)
|
|
|
|
|
|
embeddings.append(emb_batch)
|
|
|
|
|
|
embeddings = np.vstack(embeddings)
|
|
|
|
|
|
return embeddings
|
|
|
|
|
|
|
|
|
|
|
|
def get_docs_with_score(docs_with_score):
|
|
|
|
|
|
docs = []
|
|
|
|
|
|
for doc, score in docs_with_score:
|
|
|
|
|
|
doc.metadata["score"] = score
|
|
|
|
|
|
docs.append(doc)
|
|
|
|
|
|
return docs
|
2023-05-01 23:51:29 +08:00
|
|
|
|
|
2023-05-10 17:18:20 +08:00
|
|
|
|
def load_file(filepath, sentence_size=SENTENCE_SIZE):
|
2023-04-25 20:36:16 +08:00
|
|
|
|
if filepath.lower().endswith(".md"):
|
|
|
|
|
|
loader = UnstructuredFileLoader(filepath, mode="elements")
|
|
|
|
|
|
docs = loader.load()
|
2023-05-20 01:24:35 +08:00
|
|
|
|
elif filepath.lower().endswith(".txt"):
|
2023-05-20 01:54:08 +08:00
|
|
|
|
loader = TextLoader(filepath, autodetect_encoding=True)
|
|
|
|
|
|
textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
|
|
|
|
|
|
docs = loader.load_and_split(textsplitter)
|
2023-04-25 20:36:16 +08:00
|
|
|
|
elif filepath.lower().endswith(".pdf"):
|
2023-05-13 08:45:17 +08:00
|
|
|
|
loader = UnstructuredPaddlePDFLoader(filepath)
|
2023-05-10 17:18:20 +08:00
|
|
|
|
textsplitter = ChineseTextSplitter(pdf=True, sentence_size=sentence_size)
|
2023-04-17 23:59:22 +08:00
|
|
|
|
docs = loader.load_and_split(textsplitter)
|
2023-05-13 08:45:17 +08:00
|
|
|
|
elif filepath.lower().endswith(".jpg") or filepath.lower().endswith(".png"):
|
|
|
|
|
|
loader = UnstructuredPaddleImageLoader(filepath, mode="elements")
|
|
|
|
|
|
textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
|
|
|
|
|
|
docs = loader.load_and_split(text_splitter=textsplitter)
|
2023-04-17 23:59:22 +08:00
|
|
|
|
else:
|
|
|
|
|
|
loader = UnstructuredFileLoader(filepath, mode="elements")
|
2023-05-10 17:18:20 +08:00
|
|
|
|
textsplitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
|
2023-04-17 23:59:22 +08:00
|
|
|
|
docs = loader.load_and_split(text_splitter=textsplitter)
|
2023-05-13 08:45:17 +08:00
|
|
|
|
write_check_file(filepath, docs)
|
2023-04-17 23:59:22 +08:00
|
|
|
|
return docs
|
|
|
|
|
|
|
2023-05-01 23:51:29 +08:00
|
|
|
|
|
2023-05-13 08:45:17 +08:00
|
|
|
|
def write_check_file(filepath, docs):
|
2023-05-13 11:45:57 +08:00
|
|
|
|
folder_path = os.path.join(os.path.dirname(filepath), "tmp_files")
|
|
|
|
|
|
if not os.path.exists(folder_path):
|
|
|
|
|
|
os.makedirs(folder_path)
|
|
|
|
|
|
fp = os.path.join(folder_path, 'load_file.txt')
|
2023-05-20 01:24:35 +08:00
|
|
|
|
with open(fp, 'a+', encoding='utf-8') as fout:
|
|
|
|
|
|
fout.write("filepath=%s,len=%s" % (filepath, len(docs)))
|
2023-05-13 08:45:17 +08:00
|
|
|
|
fout.write('\n')
|
2023-05-20 01:24:35 +08:00
|
|
|
|
for i in docs:
|
|
|
|
|
|
fout.write(str(i))
|
|
|
|
|
|
fout.write('\n')
|
|
|
|
|
|
fout.close()
|
2023-05-13 08:45:17 +08:00
|
|
|
|
|
|
|
|
|
|
|
2023-05-21 22:08:38 +08:00
|
|
|
|
def generate_prompt(related_docs: List[str],
|
|
|
|
|
|
query: str,
|
|
|
|
|
|
prompt_template: str = PROMPT_TEMPLATE, ) -> str:
|
2023-04-26 22:29:20 +08:00
|
|
|
|
context = "\n".join([doc.page_content for doc in related_docs])
|
|
|
|
|
|
prompt = prompt_template.replace("{question}", query).replace("{context}", context)
|
|
|
|
|
|
return prompt
|
2023-04-25 20:36:16 +08:00
|
|
|
|
|
|
|
|
|
|
|
2023-04-28 00:02:42 +08:00
|
|
|
|
def seperate_list(ls: List[int]) -> List[List[int]]:
|
|
|
|
|
|
lists = []
|
|
|
|
|
|
ls1 = [ls[0]]
|
|
|
|
|
|
for i in range(1, len(ls)):
|
2023-05-01 23:51:29 +08:00
|
|
|
|
if ls[i - 1] + 1 == ls[i]:
|
2023-04-28 00:02:42 +08:00
|
|
|
|
ls1.append(ls[i])
|
|
|
|
|
|
else:
|
|
|
|
|
|
lists.append(ls1)
|
|
|
|
|
|
ls1 = [ls[i]]
|
|
|
|
|
|
lists.append(ls1)
|
|
|
|
|
|
return lists
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
def similarity_search_with_score_by_vector(
|
2023-05-10 17:18:20 +08:00
|
|
|
|
self, embedding: List[float], k: int = 4
|
2023-05-01 23:51:29 +08:00
|
|
|
|
) -> List[Tuple[Document, float]]:
|
|
|
|
|
|
scores, indices = self.index.search(np.array([embedding], dtype=np.float32), k)
|
|
|
|
|
|
docs = []
|
|
|
|
|
|
id_set = set()
|
2023-05-04 20:58:15 +08:00
|
|
|
|
store_len = len(self.index_to_docstore_id)
|
2023-05-01 23:51:29 +08:00
|
|
|
|
for j, i in enumerate(indices[0]):
|
2023-05-10 17:18:20 +08:00
|
|
|
|
if i == -1 or 0 < self.score_threshold < scores[0][j]:
|
2023-05-01 23:51:29 +08:00
|
|
|
|
# This happens when not enough docs are returned.
|
|
|
|
|
|
continue
|
|
|
|
|
|
_id = self.index_to_docstore_id[i]
|
|
|
|
|
|
doc = self.docstore.search(_id)
|
2023-05-10 17:18:20 +08:00
|
|
|
|
if not self.chunk_conent:
|
|
|
|
|
|
if not isinstance(doc, Document):
|
|
|
|
|
|
raise ValueError(f"Could not find document for id {_id}, got {doc}")
|
|
|
|
|
|
doc.metadata["score"] = int(scores[0][j])
|
|
|
|
|
|
docs.append(doc)
|
|
|
|
|
|
continue
|
2023-05-01 23:51:29 +08:00
|
|
|
|
id_set.add(i)
|
|
|
|
|
|
docs_len = len(doc.page_content)
|
2023-05-08 23:49:57 +08:00
|
|
|
|
for k in range(1, max(i, store_len - i)):
|
2023-05-02 01:11:05 +08:00
|
|
|
|
break_flag = False
|
2023-05-01 23:51:29 +08:00
|
|
|
|
for l in [i + k, i - k]:
|
|
|
|
|
|
if 0 <= l < len(self.index_to_docstore_id):
|
|
|
|
|
|
_id0 = self.index_to_docstore_id[l]
|
2023-04-28 00:02:42 +08:00
|
|
|
|
doc0 = self.docstore.search(_id0)
|
2023-05-01 23:51:29 +08:00
|
|
|
|
if docs_len + len(doc0.page_content) > self.chunk_size:
|
2023-05-08 23:49:57 +08:00
|
|
|
|
break_flag = True
|
2023-05-01 23:51:29 +08:00
|
|
|
|
break
|
|
|
|
|
|
elif doc0.metadata["source"] == doc.metadata["source"]:
|
|
|
|
|
|
docs_len += len(doc0.page_content)
|
|
|
|
|
|
id_set.add(l)
|
2023-05-02 01:11:05 +08:00
|
|
|
|
if break_flag:
|
|
|
|
|
|
break
|
2023-05-10 17:18:20 +08:00
|
|
|
|
if not self.chunk_conent:
|
|
|
|
|
|
return docs
|
|
|
|
|
|
if len(id_set) == 0 and self.score_threshold > 0:
|
|
|
|
|
|
return []
|
2023-05-01 23:51:29 +08:00
|
|
|
|
id_list = sorted(list(id_set))
|
|
|
|
|
|
id_lists = seperate_list(id_list)
|
|
|
|
|
|
for id_seq in id_lists:
|
|
|
|
|
|
for id in id_seq:
|
|
|
|
|
|
if id == id_seq[0]:
|
|
|
|
|
|
_id = self.index_to_docstore_id[id]
|
|
|
|
|
|
doc = self.docstore.search(_id)
|
|
|
|
|
|
else:
|
|
|
|
|
|
_id0 = self.index_to_docstore_id[id]
|
|
|
|
|
|
doc0 = self.docstore.search(_id0)
|
2023-05-20 01:19:22 +08:00
|
|
|
|
doc.page_content += " " + doc0.page_content
|
2023-05-01 23:51:29 +08:00
|
|
|
|
if not isinstance(doc, Document):
|
|
|
|
|
|
raise ValueError(f"Could not find document for id {_id}, got {doc}")
|
2023-05-06 23:26:49 +08:00
|
|
|
|
doc_score = min([scores[0][id] for id in [indices[0].tolist().index(i) for i in id_seq if i in indices[0]]])
|
2023-05-10 17:18:20 +08:00
|
|
|
|
doc.metadata["score"] = int(doc_score)
|
|
|
|
|
|
docs.append(doc)
|
2023-05-04 20:48:36 +08:00
|
|
|
|
torch_gc()
|
2023-05-01 23:51:29 +08:00
|
|
|
|
return docs
|
2023-04-28 00:02:42 +08:00
|
|
|
|
|
|
|
|
|
|
|
2023-05-21 22:08:38 +08:00
|
|
|
|
def search_result2docs(search_results):
|
|
|
|
|
|
docs = []
|
|
|
|
|
|
for result in search_results:
|
|
|
|
|
|
doc = Document(page_content=result["snippet"] if "snippet" in result.keys() else "",
|
|
|
|
|
|
metadata={"source": result["link"] if "link" in result.keys() else "",
|
|
|
|
|
|
"filename": result["title"] if "title" in result.keys() else ""})
|
|
|
|
|
|
docs.append(doc)
|
|
|
|
|
|
return docs
|
|
|
|
|
|
|
|
|
|
|
|
|
2023-04-13 23:01:52 +08:00
|
|
|
|
class LocalDocQA:
|
2023-05-18 22:54:41 +08:00
|
|
|
|
llm: BaseAnswer = None
|
2023-04-13 23:01:52 +08:00
|
|
|
|
embeddings: object = None
|
2023-04-22 12:30:27 +08:00
|
|
|
|
top_k: int = VECTOR_SEARCH_TOP_K
|
2023-04-28 00:02:42 +08:00
|
|
|
|
chunk_size: int = CHUNK_SIZE
|
2023-05-10 17:18:20 +08:00
|
|
|
|
chunk_conent: bool = True
|
|
|
|
|
|
score_threshold: int = VECTOR_SEARCH_SCORE_THRESHOLD
|
2023-04-13 23:01:52 +08:00
|
|
|
|
|
|
|
|
|
|
def init_cfg(self,
|
|
|
|
|
|
embedding_model: str = EMBEDDING_MODEL,
|
|
|
|
|
|
embedding_device=EMBEDDING_DEVICE,
|
2023-05-18 22:54:41 +08:00
|
|
|
|
llm_model: BaseAnswer = None,
|
2023-04-14 00:06:45 +08:00
|
|
|
|
top_k=VECTOR_SEARCH_TOP_K,
|
2023-04-13 23:01:52 +08:00
|
|
|
|
):
|
2023-05-18 22:54:41 +08:00
|
|
|
|
self.llm = llm_model
|
2023-04-25 20:36:16 +08:00
|
|
|
|
self.embeddings = HuggingFaceEmbeddings(model_name=embedding_model_dict[embedding_model],
|
2023-04-22 12:30:27 +08:00
|
|
|
|
model_kwargs={'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],
|
2023-05-10 17:18:20 +08:00
|
|
|
|
vs_path: str or os.PathLike = None,
|
|
|
|
|
|
sentence_size=SENTENCE_SIZE):
|
2023-04-19 21:29:20 +08:00
|
|
|
|
loaded_files = []
|
2023-05-06 18:39:58 +08:00
|
|
|
|
failed_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-05-10 17:18:20 +08:00
|
|
|
|
docs = load_file(filepath, sentence_size)
|
|
|
|
|
|
logger.info(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:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.error(e)
|
|
|
|
|
|
logger.info(f"{file} 未能成功加载")
|
2023-04-14 00:42:21 +08:00
|
|
|
|
return None
|
|
|
|
|
|
elif os.path.isdir(filepath):
|
|
|
|
|
|
docs = []
|
2023-05-06 18:39:58 +08:00
|
|
|
|
for file in tqdm(os.listdir(filepath), desc="加载文件"):
|
2023-04-14 00:42:21 +08:00
|
|
|
|
fullfilepath = os.path.join(filepath, file)
|
|
|
|
|
|
try:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
docs += load_file(fullfilepath, sentence_size)
|
2023-04-19 21:29:20 +08:00
|
|
|
|
loaded_files.append(fullfilepath)
|
2023-04-17 23:59:22 +08:00
|
|
|
|
except Exception as e:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.error(e)
|
2023-05-06 18:39:58 +08:00
|
|
|
|
failed_files.append(file)
|
|
|
|
|
|
|
|
|
|
|
|
if len(failed_files) > 0:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.info("以下文件未能成功加载:")
|
2023-05-06 18:39:58 +08:00
|
|
|
|
for file in failed_files:
|
2023-05-13 08:45:17 +08:00
|
|
|
|
logger.info(f"{file}\n")
|
2023-05-06 18:39:58 +08:00
|
|
|
|
|
2023-04-14 00:42:21 +08:00
|
|
|
|
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-05-10 17:18:20 +08:00
|
|
|
|
logger.info(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:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.error(e)
|
|
|
|
|
|
logger.info(f"{file} 未能成功加载")
|
2023-04-23 21:49:42 +08:00
|
|
|
|
if len(docs) > 0:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.info("文件加载完毕,正在生成向量库")
|
2023-04-23 21:49:42 +08:00
|
|
|
|
if vs_path and os.path.isdir(vs_path):
|
2023-04-25 20:36:16 +08:00
|
|
|
|
vector_store = FAISS.load_local(vs_path, self.embeddings)
|
2023-04-23 21:49:42 +08:00
|
|
|
|
vector_store.add_documents(docs)
|
2023-05-04 20:48:36 +08:00
|
|
|
|
torch_gc()
|
2023-04-23 21:49:42 +08:00
|
|
|
|
else:
|
|
|
|
|
|
if not vs_path:
|
2023-05-03 22:31:28 +08:00
|
|
|
|
vs_path = os.path.join(VS_ROOT_PATH,
|
2023-05-08 23:49:57 +08:00
|
|
|
|
f"""{"".join(lazy_pinyin(os.path.splitext(file)[0]))}_FAISS_{datetime.datetime.now().strftime("%Y%m%d_%H%M%S")}""")
|
2023-05-10 17:59:28 +08:00
|
|
|
|
vector_store = FAISS.from_documents(docs, self.embeddings) # docs 为Document列表
|
2023-05-04 20:48:36 +08:00
|
|
|
|
torch_gc()
|
2023-04-13 23:01:52 +08:00
|
|
|
|
|
2023-04-23 21:49:42 +08:00
|
|
|
|
vector_store.save_local(vs_path)
|
|
|
|
|
|
return vs_path, loaded_files
|
2023-04-19 21:29:20 +08:00
|
|
|
|
else:
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.info("文件均未成功加载,请检查依赖包或替换为其他文件再次上传。")
|
2023-04-23 21:49:42 +08:00
|
|
|
|
return None, loaded_files
|
2023-04-13 23:01:52 +08:00
|
|
|
|
|
2023-05-10 17:18:20 +08:00
|
|
|
|
def one_knowledge_add(self, vs_path, one_title, one_conent, one_content_segmentation, sentence_size):
|
|
|
|
|
|
try:
|
|
|
|
|
|
if not vs_path or not one_title or not one_conent:
|
|
|
|
|
|
logger.info("知识库添加错误,请确认知识库名字、标题、内容是否正确!")
|
|
|
|
|
|
return None, [one_title]
|
2023-05-13 08:45:17 +08:00
|
|
|
|
docs = [Document(page_content=one_conent + "\n", metadata={"source": one_title})]
|
2023-05-10 17:18:20 +08:00
|
|
|
|
if not one_content_segmentation:
|
|
|
|
|
|
text_splitter = ChineseTextSplitter(pdf=False, sentence_size=sentence_size)
|
|
|
|
|
|
docs = text_splitter.split_documents(docs)
|
|
|
|
|
|
if os.path.isdir(vs_path):
|
|
|
|
|
|
vector_store = FAISS.load_local(vs_path, self.embeddings)
|
|
|
|
|
|
vector_store.add_documents(docs)
|
|
|
|
|
|
else:
|
|
|
|
|
|
vector_store = FAISS.from_documents(docs, self.embeddings) ##docs 为Document列表
|
|
|
|
|
|
torch_gc()
|
|
|
|
|
|
vector_store.save_local(vs_path)
|
|
|
|
|
|
return vs_path, [one_title]
|
|
|
|
|
|
except Exception as e:
|
|
|
|
|
|
logger.error(e)
|
|
|
|
|
|
return None, [one_title]
|
|
|
|
|
|
|
|
|
|
|
|
def get_knowledge_based_answer(self, query, vs_path, chat_history=[], streaming: bool = STREAMING):
|
2023-04-25 20:36:16 +08:00
|
|
|
|
vector_store = FAISS.load_local(vs_path, self.embeddings)
|
2023-04-28 00:02:42 +08:00
|
|
|
|
FAISS.similarity_search_with_score_by_vector = similarity_search_with_score_by_vector
|
2023-05-01 23:51:29 +08:00
|
|
|
|
vector_store.chunk_size = self.chunk_size
|
2023-05-10 17:18:20 +08:00
|
|
|
|
vector_store.chunk_conent = self.chunk_conent
|
|
|
|
|
|
vector_store.score_threshold = self.score_threshold
|
|
|
|
|
|
related_docs_with_score = vector_store.similarity_search_with_score(query, k=self.top_k)
|
2023-05-22 10:32:58 +08:00
|
|
|
|
|
2023-05-22 10:36:41 +08:00
|
|
|
|
###########################################精排 之前faiss检索作为粗排 需要设置model_config参数VECTOR_SEARCH_TOP_K =300
|
|
|
|
|
|
###########################################原理:粗排:faiss+semantic search 检索得到大量相关文档,需要设置ECTOR_SEARCH_TOP为300,然后合并文档,重新切分,
|
|
|
|
|
|
#############################################利用knn+ semantic search 进行二次检索,输入到prompt
|
2023-05-22 10:32:58 +08:00
|
|
|
|
####提取文档
|
|
|
|
|
|
related_docs = get_docs_with_score(related_docs_with_score)
|
|
|
|
|
|
text_batch0=[]
|
|
|
|
|
|
for i in range(len(related_docs)):
|
|
|
|
|
|
cut_txt = " ".join([w for w in list(related_docs[i].page_content)])
|
|
|
|
|
|
cut_txt =cut_txt.replace(" ", "")
|
|
|
|
|
|
text_batch0.append(cut_txt)
|
|
|
|
|
|
######文档去重
|
|
|
|
|
|
text_batch_new=[]
|
|
|
|
|
|
for i in range(len(text_batch0)):
|
|
|
|
|
|
if text_batch0[i] in text_batch_new:
|
|
|
|
|
|
continue
|
|
|
|
|
|
else:
|
|
|
|
|
|
while text_batch_new and text_batch_new[-1] > text_batch0[i] and text_batch_new[-1] in text_batch0[i + 1:]:
|
|
|
|
|
|
text_batch_new.pop() # 弹出栈顶元素
|
|
|
|
|
|
text_batch_new.append(text_batch0[i])
|
|
|
|
|
|
text_batch_new0 = "\n".join([doc for doc in text_batch_new])
|
|
|
|
|
|
###精排 采用knn和semantic search
|
|
|
|
|
|
recommender = SemanticSearch()
|
|
|
|
|
|
chunks = text_to_chunks(text_batch_new0, start_page=1)
|
|
|
|
|
|
recommender.fit(chunks)
|
|
|
|
|
|
topn_chunks = recommender(query)
|
2023-05-04 20:48:36 +08:00
|
|
|
|
torch_gc()
|
2023-05-22 10:32:58 +08:00
|
|
|
|
#去掉文字中的空格
|
|
|
|
|
|
topn_chunks0=[]
|
|
|
|
|
|
for i in range(len(topn_chunks)):
|
|
|
|
|
|
cut_txt =topn_chunks[i].replace(" ", "")
|
|
|
|
|
|
topn_chunks0.append(cut_txt)
|
|
|
|
|
|
############生成prompt
|
|
|
|
|
|
prompt = generate_prompt(topn_chunks0, query)
|
|
|
|
|
|
########################
|
2023-05-18 22:54:41 +08:00
|
|
|
|
for answer_result in self.llm.generatorAnswer(prompt=prompt, history=chat_history,
|
|
|
|
|
|
streaming=streaming):
|
|
|
|
|
|
resp = answer_result.llm_output["answer"]
|
|
|
|
|
|
history = answer_result.history
|
2023-04-26 22:29:20 +08:00
|
|
|
|
history[-1][0] = query
|
|
|
|
|
|
response = {"query": query,
|
2023-05-18 22:54:41 +08:00
|
|
|
|
"result": resp,
|
2023-05-10 17:18:20 +08:00
|
|
|
|
"source_documents": related_docs_with_score}
|
2023-05-01 23:51:29 +08:00
|
|
|
|
yield response, history
|
2023-05-18 22:54:41 +08:00
|
|
|
|
|
2023-05-10 17:18:20 +08:00
|
|
|
|
# query 查询内容
|
|
|
|
|
|
# vs_path 知识库路径
|
|
|
|
|
|
# chunk_conent 是否启用上下文关联
|
|
|
|
|
|
# score_threshold 搜索匹配score阈值
|
|
|
|
|
|
# vector_search_top_k 搜索知识库内容条数,默认搜索5条结果
|
|
|
|
|
|
# chunk_sizes 匹配单段内容的连接上下文长度
|
|
|
|
|
|
def get_knowledge_based_conent_test(self, query, vs_path, chunk_conent,
|
|
|
|
|
|
score_threshold=VECTOR_SEARCH_SCORE_THRESHOLD,
|
|
|
|
|
|
vector_search_top_k=VECTOR_SEARCH_TOP_K, chunk_size=CHUNK_SIZE):
|
|
|
|
|
|
vector_store = FAISS.load_local(vs_path, self.embeddings)
|
|
|
|
|
|
FAISS.similarity_search_with_score_by_vector = similarity_search_with_score_by_vector
|
|
|
|
|
|
vector_store.chunk_conent = chunk_conent
|
|
|
|
|
|
vector_store.score_threshold = score_threshold
|
|
|
|
|
|
vector_store.chunk_size = chunk_size
|
|
|
|
|
|
related_docs_with_score = vector_store.similarity_search_with_score(query, k=vector_search_top_k)
|
|
|
|
|
|
if not related_docs_with_score:
|
|
|
|
|
|
response = {"query": query,
|
|
|
|
|
|
"source_documents": []}
|
|
|
|
|
|
return response, ""
|
|
|
|
|
|
torch_gc()
|
|
|
|
|
|
prompt = "\n".join([doc.page_content for doc in related_docs_with_score])
|
|
|
|
|
|
response = {"query": query,
|
|
|
|
|
|
"source_documents": related_docs_with_score}
|
|
|
|
|
|
return response, prompt
|
|
|
|
|
|
|
2023-05-21 22:08:38 +08:00
|
|
|
|
def get_search_result_based_answer(self, query, chat_history=[], streaming: bool = STREAMING):
|
|
|
|
|
|
results = bing_search(query)
|
|
|
|
|
|
result_docs = search_result2docs(results)
|
|
|
|
|
|
prompt = generate_prompt(result_docs, query)
|
|
|
|
|
|
|
|
|
|
|
|
for answer_result in self.llm.generatorAnswer(prompt=prompt, history=chat_history,
|
|
|
|
|
|
streaming=streaming):
|
|
|
|
|
|
resp = answer_result.llm_output["answer"]
|
|
|
|
|
|
history = answer_result.history
|
|
|
|
|
|
history[-1][0] = query
|
|
|
|
|
|
response = {"query": query,
|
|
|
|
|
|
"result": resp,
|
|
|
|
|
|
"source_documents": result_docs}
|
|
|
|
|
|
yield response, history
|
|
|
|
|
|
|
2023-05-01 23:51:29 +08:00
|
|
|
|
|
|
|
|
|
|
if __name__ == "__main__":
|
2023-05-18 22:54:41 +08:00
|
|
|
|
# 初始化消息
|
|
|
|
|
|
args = None
|
2023-05-21 22:08:38 +08:00
|
|
|
|
args = parser.parse_args(args=['--model-dir', '/media/checkpoint/', '--model', 'chatglm-6b', '--no-remote-model'])
|
2023-05-18 22:54:41 +08:00
|
|
|
|
|
|
|
|
|
|
args_dict = vars(args)
|
|
|
|
|
|
shared.loaderCheckPoint = LoaderCheckPoint(args_dict)
|
|
|
|
|
|
llm_model_ins = shared.loaderLLM()
|
|
|
|
|
|
llm_model_ins.set_history_len(LLM_HISTORY_LEN)
|
|
|
|
|
|
|
2023-05-01 23:51:29 +08:00
|
|
|
|
local_doc_qa = LocalDocQA()
|
2023-05-18 22:54:41 +08:00
|
|
|
|
local_doc_qa.init_cfg(llm_model=llm_model_ins)
|
2023-05-02 01:11:05 +08:00
|
|
|
|
query = "本项目使用的embedding模型是什么,消耗多少显存"
|
2023-05-18 22:54:41 +08:00
|
|
|
|
vs_path = "/media/gpt4-pdf-chatbot-langchain/dev-langchain-ChatGLM/vector_store/test"
|
2023-05-01 23:51:29 +08:00
|
|
|
|
last_print_len = 0
|
2023-05-21 22:08:38 +08:00
|
|
|
|
# for resp, history in local_doc_qa.get_knowledge_based_answer(query=query,
|
|
|
|
|
|
# vs_path=vs_path,
|
|
|
|
|
|
# chat_history=[],
|
|
|
|
|
|
# streaming=True):
|
|
|
|
|
|
for resp, history in local_doc_qa.get_search_result_based_answer(query=query,
|
|
|
|
|
|
chat_history=[],
|
|
|
|
|
|
streaming=True):
|
|
|
|
|
|
print(resp["result"][last_print_len:], end="", flush=True)
|
2023-05-01 23:51:29 +08:00
|
|
|
|
last_print_len = len(resp["result"])
|
2023-05-21 22:08:38 +08:00
|
|
|
|
source_text = [f"""出处 [{inum + 1}] {doc.metadata['source'] if doc.metadata['source'].startswith("http")
|
|
|
|
|
|
else os.path.split(doc.metadata['source'])[-1]}:\n\n{doc.page_content}\n\n"""
|
2023-05-02 01:11:05 +08:00
|
|
|
|
# f"""相关度:{doc.metadata['score']}\n\n"""
|
|
|
|
|
|
for inum, doc in
|
|
|
|
|
|
enumerate(resp["source_documents"])]
|
2023-05-10 17:18:20 +08:00
|
|
|
|
logger.info("\n\n" + "\n\n".join(source_text))
|
2023-05-01 23:51:29 +08:00
|
|
|
|
pass
|