Self-RAG + CRAG : Query Router | Reranker | Relevant Grader | Hallucination Grader | Answer Grader
01 Jul 2024 | Development
- Git Repository
- RAG 개발 환경별 사용 가능 기술
- 기능별 구성 요약
- Embedding model : sentence-transformers/all-MiniLM-L6-v2
- Vector DB 준비 : Weaviate
- Query Router : Groq
- Retrieve : Weaviate
- Reranker
- Relevant Grader : langchain
- Web search : DuckDuckGoSearch
- Generate : Groq
- Hallucination Grader : Groq
- Answer Grader : Groq
- Hallucination + Answer grader pipeline
- Set RAG Graph : langGraph
- Run Graph
- Graph visualization
- Chainlit
Git Repository
https://github.com/finddme/SELF_RAG_CRAG
- 본 개발물은은 Self-Reflective RAG과 Corrective RAG를 융합한 RAG system이다.
- SELF-RAG: Learning to Retrieve, Generate and Critique through self-reflection에서 사용된 reflection token 예측 model은 본 개발물에서 LLM으로 대체하였고, Corrective RAG chunk 적합성 판단 모델또한 본 개발물에서 LLM으로 대체하였다. (각각 본 개시물에서는 Query Router와 Answer Relevant Grader로 칭하고 있다.)
- 해당 개발물은 최대한 다양한 Grader가 포함된 pipeline을 다루지만 실용적인 방법이라고는 할 수 없다. pipeline상 단계 별로 LLM을 1~N번 통과해야 하기 때문에 속도가 많이 느려진다.
- 또한 경우에 따라 Retrieval 결과가 충분하지 않으면 search 단계에서 계속 webserch를 진행할 가능성도 있고, 답변이 충분하지 않은 경우에는 답변 생성을 여러번 할 가능성이 있기 때문에 각 단계별로 최대 진행 횟수를 제한하는 것도 좋은 방법 중 하나이다.
- 본 개발물의 목적은 SELF-RAG과 CRAG을 한번에 구현해 보고, 각 단계별 적용 가능 기술을 익히기 위함에 있다.
RAG 개발 환경별 사용 가능 기술
- Internet-accessible env/Closed network env와 유료/무료에 포함되는 기술들은 각각 상호 중첩되는 경우가 많다.
- 아래는 서버 폐쇄 여부를 기준으로 각 기술들을 분류한 표이다.
- 유료🟡/무료🔵
Internet-accessible env Closed network env
RAG Framework
🔵langchain
🔵llamaindex
Multi-Agent Framework
🔵langGraph
🔵AutoGen
🔵Crew AI
LLM
🟡openai
🟡claude
...
🔵huggingface model
🔵local model
Inference accelerate
🔵GROQ
🔵vllm
🔵Streamer+Threading
🔵LMDeploy
🔵unsloth
🔵Greedy(Speculative) Decoding with assisted generation
🔵AirLLM
🔵gpt-fast
🔵OpenVINO
text embedding
🟡openai
🔵Sentencetransformers
🟡Google Vertex embedding
...
vector DB
🔵Wevieate
🔵Faiss
...
web search
🔵Tavily
🔵langchain_community.utilities .oooWrapper
Reranker
🔵cohere
🔵FlagEmbeddingReranker
🔵huggingface rerank model
🔵CrossEncoder
🔵JinaRerank
🔵CohereRerank
Application Interface
FastAPI (graphic interface o)
Flask
Gradio (graphic interface o)
Streamlit (graphic interface o)
cherrypy
Django
Chainlit
...
기능별 구성 요약
data:image/s3,"s3://crabby-images/52176/52176ce1e814b7d07757d576a8f6519b960f3c1a" alt=""
Illustrated by the author
data:image/s3,"s3://crabby-images/df063/df0639e95e15cd625b3c3bb23b94d811a72690d1" alt=""
Illustrated by the author
- RAG Framework : Langchain
- Workflow control : LangGraph
- LLM : Mixtral-8x7b
- Inference accelerate : GROQ
- text embedding : sentence-transformers/all-MiniLM-L6-v2
- vector DB : Wevieate
- reranker : BAAI/bge-reranker-v2-m3
- chunk method : RecursiveCharacterTextSplitter
- web search : DuckDuckGoSearch
- Application Interface : Chainlit
Embedding model : sentence-transformers/all-MiniLM-L6-v2
from sentence_transformers import SentenceTransformer
import numpy as np
embedd_model = SentenceTransformer("sentence-transformers/all-MiniLM-L6-v2")
def get_embedding_st(text) :
res = embedd_model.encode(text)
res = list(map(float, res))
return res
Vector DB 준비 : Weaviate
data:image/s3,"s3://crabby-images/d3c36/d3c36163cd13654a1555f66e2d13428e3f396b68" alt=""
Illustrated by the author
Weaviate setting
1. weaviate docker setting
weaviate docker-compose file: (https://weaviate.io/developers/academy/py/starter_multimodal_data/setup_weaviate/create_docker)[https://weaviate.io/developers/academy/py/starter_multimodal_data/setup_weaviate/create_docker]
docker-compose -f wevieate.yml up -d
-> weaviate client url 생성
2. create weaviate class
client = weaviate.Client("weaviate client url")
class_obj = {
"class": "Test",
"vectorizer": "none",
}
client.schema.create_class(class_obj)
prepare Documents for Retrieval
1. crawling
import requests
from bs4 import BeautifulSoup
soup1 = BeautifulSoup(html1, 'html.parser')
request1 = requests.get("https://finddme.github.io/")
html1 = request1.text
links1 = soup1.select('h4 > a')
urls=[]
tags=["llm","dev","natural"]
for link in links1:
if link.has_attr('href'):
href=link.get('href')
for t in tags:
if t in href.split("/")[1]:
urls.append("https://finddme.github.io"+href)
2. split / chunking
docs = [WebBaseLoader(url).load() for url in urls]
docs_list = [item for sublist in docs for item in sublist]
text_splitter = RecursiveCharacterTextSplitter.from_tiktoken_encoder(
chunk_size=1000, chunk_overlap=0
)
doc_splits = text_splitter.split_documents(docs_list)
space_check=re.compile("\s{1,}")
chunks=[]
pass_first=["finddme ","⊹ Portfolio","© 2024 viein_serenity_singularity_simplicity_savage. This work is liscensed under CC BY-NC 4.0."]
for i in doc_splits:
c={'text':i.page_content, 'title':i.metadata["source"].split("/")[-2]}
if c["text"].split("\n")[0] in pass_first:pass
else:
save_c={'text':re.sub(space_check," ",c['text']),'title':c['title']}
chunks.append(save_c)
- chunks save
client = weaviate.Client("weaviate client url")
client.batch.configure(batch_size=100)
with client.batch as batch:
for i, chunk in enumerate(chunks):
try:
vector = get_embedding_st(chunk["text"])
# print(type(vector[0]))
batch.add_data_object(data_object=chunk, class_name="Test", vector=vector)
except Exception as e:
# print(i, type(vector[0]), chunk)
print("except",i)
vector = get_embedding_st(chunk["text"])
vector=list(map(float, vector))
batch.add_data_object(data_object=chunk, class_name="Test", vector=vector)
# print("sucsess")
print("save",i)
Query Router : Groq
{'input': query, 'output':"websearch/vectorstore"}
from langchain_core.prompts import ChatPromptTemplate
from langchain_core.pydantic_v1 import BaseModel, Field
"""
pydantic_v1
- https://python.langchain.com/v0.1/docs/modules/model_io/output_parsers/types/pydantic/
- 특정 schema에 맞게 output을 구성하도록 LLM에 quary할 수 있게하는 parser.
"""
class RouteQuery(BaseModel):
"""Route a user query to the most relevant datasource."""
datasource: Literal["vectorstore", "websearch"] = Field(
...,
description="Given a user question choose to route it to web search or a vectorstore.",
)
"""
ref.
https://python.langchain.com/v0.2/docs/integrations/chat/groq/
Supported Models: https://console.groq.com/docs/models
"""
llm = ChatGroq(temperature=0, groq_api_key=GROQ_API_KEY)
structured_llm_router = llm.with_structured_output(RouteQuery)
system = """You are an expert at routing a user question to a vectorstore or web search.
The vectorstore contains documents related to language processing, and artificial intelligence.
Use the vectorstore for questions on these topics. For all else, use web-search."""
route_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "{question}"),
]
)
question_router = route_prompt | structured_llm_router
def route_question(state):
print("---ROUTE QUESTION---")
question = state["question"]
source = question_router.invoke({"question": question}) # output: datasource='websearch/vectorstore'
if source.datasource == 'websearch':
print("---ROUTE QUESTION TO WEB SEARCH---")
return "websearch"
elif source.datasource == 'vectorstore':
print("---ROUTE QUESTION TO RAG---")
return "vectorstore"
Retrieve : Weaviate
data:image/s3,"s3://crabby-images/6478a/6478a67e7f9139681061e5ab93ed2e8592766c32" alt=""
Illustrated by the author
{'input': query, 'output':{"documents": documents, "question": query}}
def retrieve(state):
print("---RETRIEVE from Vector Store DB---")
question = state["question"]
# Retrieval
query_vector = get_embedding(question)
documents = client.query.get("Test", ["text","title"]).with_hybrid(question, vector=query_vector).with_limit(6).do()
return {"documents": documents, "question": question}
Reranker
from FlagEmbedding import FlagReranker
reranker_model = FlagReranker('BAAI/bge-reranker-v2-m3', use_fp16=True, device="cpu")
def reranker_fr(state):
print("---Reranking---")
question = state["question"]
documents = state["documents"]
# Rerank
sentence_pairs = [[question, rr["text"]] for rr in documents["data"]["Get"]["Test"]]
similarity_scores = reranker_model.compute_score(sentence_pairs)
paired_list = list(zip(similarity_scores, documents["data"]["Get"]["Test"]))
paired_list.sort(key=lambda x: x[0],reverse=True)
sorted_b = [item[1] for item in paired_list]
documents["data"]["Get"]["Test"]=sorted_b
return {"documents": documents, "question": question}
Relevant Grader : langchain
data:image/s3,"s3://crabby-images/8ca78/8ca7868183b4d17afa59682c7cd7e5c0f15407ef" alt=""
Illustrated by the author
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
from langchain_core.prompts import ChatPromptTemplate
from langchain_core.pydantic_v1 import BaseModel, Field
"""
pydantic_v1
- https://python.langchain.com/v0.1/docs/modules/model_io/output_parsers/types/pydantic/
- 특정 schema에 맞게 output을 구성하도록 LLM에 quary할 수 있게하는 parser.
"""
class GradeDocuments(BaseModel):
"""Binary score for relevance check on retrieved documents."""
binary_score: str = Field(description="Documents are relevant to the question, 'yes' or 'no'")
# LLM with function call
structured_llm_grader_docs = llm.with_structured_output(GradeDocuments)
# Prompt
system = """You are a grader assessing relevance of a retrieved document to a user question. \n
If the document contains keyword(s) or semantic meaning related to the question, grade it as relevant. \n
Give a binary score 'yes' or 'no' score to indicate whether the document is relevant to the question."""
grade_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "Retrieved document: \n\n {document} \n\n User question: {question}"),
]
)
retrieval_grader_relevance = grade_prompt | structured_llm_grader_docs
def grade_documents(state):
print("---CHECK DOCUMENT RELEVANCE TO QUESTION---")
question = state["question"]
documents = state["documents"]
# Score each doc
filtered_docs = []
web_search = "No"
for d in documents["data"]["Get"]["Test"]:
score = retrieval_grader_relevance.invoke({"question": question, "document": d["text"]}) # output: GradeDocuments(binary_score='yes/no')
grade = score.binary_score
# Document relevant
if grade.lower() == "yes":
print("---GRADE: DOCUMENT RELEVANT---")
filtered_docs.append(d)
# Document not relevant
else:
print("---GRADE: DOCUMENT NOT RELEVANT---")
# We do not include the document in filtered_docs
# We set a flag to indicate that we want to run web search
web_search = "Yes"
continue
return {"documents": filtered_docs, "question": question, "web_search": web_search}
Web search : DuckDuckGoSearch
data:image/s3,"s3://crabby-images/02764/02764908b84ea929024e428ea5a369454fd71156" alt=""
Illustrated by the author
from langchain_community.utilities import DuckDuckGoSearchAPIWrapper
from langchain.schema import Document
def web_search_ddg(state):
print("---WEB SEARCH. Append to vector store db---")
question = state["question"]
documents = state["documents"]
# Web search
search_res=search.run(question)
search_res1=[]
for s in search_res.split(", title:"):
search_res1.append(s.replace("[snippet: ","").replace("]",""))
web_results="\n".join(search_res1)
web_results = Document(page_content=web_results)
if documents is not None:
documents.append(web_results)
else:
documents = [web_results]
return {"documents": documents, "question": question}
def decide_to_generate(state):
print("---ASSESS GRADED DOCUMENTS---")
question = state["question"]
web_search = state["web_search"]
filtered_documents = state["documents"]
if web_search == "Yes":
# All documents have been filtered check_relevance
# We will re-generate a new query
print("---DECISION: ALL DOCUMENTS ARE NOT RELEVANT TO QUESTION, INCLUDE WEB SEARCH---")
return "websearch"
else:
# We have relevant documents, so generate answer
print("---DECISION: GENERATE---")
return "generate"
Generate : Groq
data:image/s3,"s3://crabby-images/0e191/0e191f074ba4efd920dcbe512e3ab5049c5e7354" alt=""
Illustrated by the author
{'input': {"documents": documents, "question": query} + prompt, 'output':"llm result"}
from langchain_core.output_parsers import StrOutputParser # 출력물을 기본 str 형태로 받는 라이브러리
prompt = ChatPromptTemplate.from_template(
"""You are a Korean-speaking assistant specializing in question-answering tasks.
Use the provided context informations and relevant documents to answer the following question as accurately as possible.
If the answer is not clear from the context or if you do not know the answer, explicitly state "모르겠습니다." (I don't know).
Use three sentences maximum and keep the answer concise.
All responses must be given in Korean.
Based on the given information, return a very detailed response.
Question: {question}
Context: {context}
Answer:"""
)
# Chain
rag_chain = prompt | llm | StrOutputParser()
def generate(state):
"""
Generate answer using RAG on retrieved documents
Args:
state (dict): The current graph state
Returns:
state (dict): New key added to state, generation, that contains LLM generation
"""
print("---GENERATE Answer---")
question = state["question"]
documents = state["documents"]
# RAG generation
generation = rag_chain.invoke({"context": documents, "question": question})
return {"documents": documents, "question": question, "generation": generation}
Hallucination Grader : Groq
data:image/s3,"s3://crabby-images/813bd/813bdefe38089967157f042545ef74a9c8e265b1" alt=""
Illustrated by the author
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
class GradeHallucinations(BaseModel):
"""Binary score for hallucination present in generation answer."""
binary_score: str = Field(description="Don't consider calling external APIs for additional information. Answer is supported by the facts, 'yes' or 'no'.")
# LLM with function call
structured_llm_grader_hallucination = llm.with_structured_output(GradeHallucinations)
# Prompt
system = """You are a grader assessing whether an LLM generation is supported by a set of retrieved facts. \n
Restrict yourself to give a binary score, either 'yes' or 'no'. If the answer is supported or partially supported by the set of facts, consider it a yes. \n
Don't consider calling external APIs for additional information as consistent with the facts."""
hallucination_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "Set of facts: \n\n {documents} \n\n LLM generation: {generation}"),
]
)
hallucination_grader = hallucination_prompt | structured_llm_grader_hallucination
Answer Grader : Groq
data:image/s3,"s3://crabby-images/b255d/b255d8783dbe5b656ef1ff1d51d5f36e32e1435a" alt=""
Illustrated by the author
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
class GradeAnswer(BaseModel):
"""Binary score to assess answer addresses question."""
binary_score: str = Field(description="Answer addresses the question, 'yes' or 'no'")
# LLM with function call
structured_llm_grader_answer = llm.with_structured_output(GradeAnswer)
# Prompt
system = """You are a grader assessing whether an answer addresses / resolves a question \n
Give a binary score 'yes' or 'no'. Yes' means that the answer resolves the question."""
answer_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "User question: \n\n {question} \n\n LLM generation: {generation}"),
]
)
answer_grader = answer_prompt | structured_llm_grader_answer
Hallucination + Answer grader pipeline
def grade_generation_v_documents_and_question(state):
"""
Determines whether the generation is grounded in the document and answers question
Args:
state (dict): The current graph state
Returns:
str: Decision for next node to call
"""
print("---CHECK HALLUCINATIONS---")
question = state["question"]
documents = state["documents"]
generation = state["generation"]
score = hallucination_grader.invoke({"documents": documents, "generation": generation}) # output : GradeHallucinations(binary_score='yes')
grade = score.binary_score
# Check hallucination
if grade == "yes":
print("---DECISION: GENERATION IS GROUNDED IN DOCUMENTS---")
# Check question-answering
print("---GRADE GENERATION vs QUESTION---")
score = answer_grader.invoke({"question": question,"generation": generation}) # output : GradeAnswer(binary_score='yes')
grade = score.binary_score
if grade == "yes":
print("---DECISION: GENERATION ADDRESSES QUESTION---")
return "useful"
else:
print("---DECISION: GENERATION DOES NOT ADDRESS QUESTION---")
return "not useful"
else:
pprint("---DECISION: GENERATION IS NOT GROUNDED IN DOCUMENTS, RE-TRY---")
return "not supported"
Set RAG Graph : langGraph
from langgraph.graph import END, StateGraph
workflow = StateGraph(GraphState)
# Define the nodes
workflow.add_node("websearch", web_search) # web search # key: action to do
workflow.add_node("retrieve", retrieve) # retrieve
workflow.add_node("grade_documents", grade_documents) # grade documents
workflow.add_node("generate", generate) # generatae
workflow.add_edge("websearch", "generate") #start -> end of node
workflow.add_edge("retrieve", "grade_documents")
# Build graph
workflow.set_conditional_entry_point(
route_question,
{
"websearch": "websearch",
"vectorstore": "retrieve",
},
)
workflow.add_conditional_edges(
"grade_documents", # start: node
decide_to_generate, # defined function
{
"websearch": "websearch", #returns of the function
"generate": "generate", #returns of the function
},
)
workflow.add_conditional_edges(
"generate", # start: node
grade_generation_v_documents_and_question, # defined function
{
"not supported": "generate", #returns of the function
"useful": END, #returns of the function
"not useful": "websearch", #returns of the function
},
)
# Compile
app = workflow.compile()
Run Graph
from pprint import pprint
inputs = {"question": "LLaMa3 구조에 대해 알려줘"}
for output in app.stream(inputs):
for key, value in output.items():
pprint(f"Finished running: {key}:")
pprint(value["generation"])
output:
LLaMa 3은 Meta에서 개발한 Open Source LLM(Large Language Model) 모델로, LLaMa 2를 이어 발표된 모델입니다. 이 모델은 Instruct Model과 Pre-trained Model로 8B, 70B 두 사이즈가 공개되었으며, 이는 2024년 4월 18일 기준 해당 파라미터 스케일 모델 중 가장 좋은 성능을 보이고 있습니다. LLaMa 3는 코드 생성, instruction 수행 능력이 크게 향상되어 모델을 보다 다양하게 활용할 수 있습니다. 이 모델은 standard decoder-only transformer architecture를 기반으로 하고, 128K token 수를 가진 vocab을 사용하여 언어를 보다 효과적으로 encoding합니다. LLaMa 3는 15T 개의 token으로 학습되었으며, 이는 LLaMa 2보다 약 7배 더 큰 학습 데이터를 사용하였습니다.
Graph visualization
ref.
https://langchain-ai.github.io/langgraph/how-tos/visualization/#using-mermaid-pyppeteer
from IPython.display import Image, display
from langchain_core.runnables.graph import CurveStyle, MermaidDrawMethod, NodeColors
print(app.get_graph().draw_mermaid())
display(
Image(
app.get_graph().draw_mermaid_png(
draw_method=MermaidDrawMethod.API,
)
)
)
Chainlit
data:image/s3,"s3://crabby-images/ab228/ab228cfcf21a0bb9e213574e290beb257c286c42" alt=""
Illustrated by the author
# python script로 실행
# command:
# chainlit run rag_chainlit.py -w --port 8000 --host 0.0.0.0
from langchain_core.messages import HumanMessage
from langchain_core.runnables import RunnableConfig
import chainlit as cl
@cl.on_message
async def run_convo(message: cl.Message):
#"what is the weather in sf"
inputs = {"question": message.content}
cb = cl.AsyncLangchainCallbackHandler(stream_final_answer=True)
config = RunnableConfig(callbacks=[cb])
# res = app.invoke(inputs, config=RunnableConfig(callbacks=[
# cl.LangchainCallbackHandler(
# # to_ignore=["ChannelRead", "RunnableLambda", "ChannelWrite", "__start__", "_execute"]
# # can add more into the to_ignore: "agent:edges", "call_model"
# # to_keep=
# )]))
res = await app.ainvoke(inputs,config=config)
# await cl.Message(content=res["question"][-1].content).send()
await cl.Message(content=res["generation"]).send()
- Git Repository
- RAG 개발 환경별 사용 가능 기술
- 기능별 구성 요약
- Embedding model : sentence-transformers/all-MiniLM-L6-v2
- Vector DB 준비 : Weaviate
- Query Router : Groq
- Retrieve : Weaviate
- Reranker
- Relevant Grader : langchain
- Web search : DuckDuckGoSearch
- Generate : Groq
- Hallucination Grader : Groq
- Answer Grader : Groq
- Hallucination + Answer grader pipeline
- Set RAG Graph : langGraph
- Run Graph
- Graph visualization
- Chainlit
Git Repository
https://github.com/finddme/SELF_RAG_CRAG
- 본 개발물은은 Self-Reflective RAG과 Corrective RAG를 융합한 RAG system이다.
- SELF-RAG: Learning to Retrieve, Generate and Critique through self-reflection에서 사용된 reflection token 예측 model은 본 개발물에서 LLM으로 대체하였고, Corrective RAG chunk 적합성 판단 모델또한 본 개발물에서 LLM으로 대체하였다. (각각 본 개시물에서는 Query Router와 Answer Relevant Grader로 칭하고 있다.)
- 해당 개발물은 최대한 다양한 Grader가 포함된 pipeline을 다루지만 실용적인 방법이라고는 할 수 없다. pipeline상 단계 별로 LLM을 1~N번 통과해야 하기 때문에 속도가 많이 느려진다.
- 또한 경우에 따라 Retrieval 결과가 충분하지 않으면 search 단계에서 계속 webserch를 진행할 가능성도 있고, 답변이 충분하지 않은 경우에는 답변 생성을 여러번 할 가능성이 있기 때문에 각 단계별로 최대 진행 횟수를 제한하는 것도 좋은 방법 중 하나이다.
- 본 개발물의 목적은 SELF-RAG과 CRAG을 한번에 구현해 보고, 각 단계별 적용 가능 기술을 익히기 위함에 있다.
RAG 개발 환경별 사용 가능 기술
- Internet-accessible env/Closed network env와 유료/무료에 포함되는 기술들은 각각 상호 중첩되는 경우가 많다.
- 아래는 서버 폐쇄 여부를 기준으로 각 기술들을 분류한 표이다.
- 유료🟡/무료🔵
Internet-accessible env | Closed network env | |
---|---|---|
RAG Framework |
|
|
Multi-Agent Framework |
|
|
LLM |
|
|
Inference accelerate |
|
|
text embedding |
|
|
vector DB |
|
|
web search |
|
|
Reranker |
|
|
Application Interface |
|
기능별 구성 요약
- RAG Framework : Langchain
- Workflow control : LangGraph
- LLM : Mixtral-8x7b
- Inference accelerate : GROQ
- text embedding : sentence-transformers/all-MiniLM-L6-v2
- vector DB : Wevieate
- reranker : BAAI/bge-reranker-v2-m3
- chunk method : RecursiveCharacterTextSplitter
- web search : DuckDuckGoSearch
- Application Interface : Chainlit
Embedding model : sentence-transformers/all-MiniLM-L6-v2
from sentence_transformers import SentenceTransformer
import numpy as np
embedd_model = SentenceTransformer("sentence-transformers/all-MiniLM-L6-v2")
def get_embedding_st(text) :
res = embedd_model.encode(text)
res = list(map(float, res))
return res
Vector DB 준비 : Weaviate
Weaviate setting
1. weaviate docker setting
weaviate docker-compose file: (https://weaviate.io/developers/academy/py/starter_multimodal_data/setup_weaviate/create_docker)[https://weaviate.io/developers/academy/py/starter_multimodal_data/setup_weaviate/create_docker]
docker-compose -f wevieate.yml up -d
-> weaviate client url 생성
2. create weaviate class
client = weaviate.Client("weaviate client url")
class_obj = {
"class": "Test",
"vectorizer": "none",
}
client.schema.create_class(class_obj)
prepare Documents for Retrieval
1. crawling
import requests
from bs4 import BeautifulSoup
soup1 = BeautifulSoup(html1, 'html.parser')
request1 = requests.get("https://finddme.github.io/")
html1 = request1.text
links1 = soup1.select('h4 > a')
urls=[]
tags=["llm","dev","natural"]
for link in links1:
if link.has_attr('href'):
href=link.get('href')
for t in tags:
if t in href.split("/")[1]:
urls.append("https://finddme.github.io"+href)
2. split / chunking
docs = [WebBaseLoader(url).load() for url in urls]
docs_list = [item for sublist in docs for item in sublist]
text_splitter = RecursiveCharacterTextSplitter.from_tiktoken_encoder(
chunk_size=1000, chunk_overlap=0
)
doc_splits = text_splitter.split_documents(docs_list)
space_check=re.compile("\s{1,}")
chunks=[]
pass_first=["finddme ","⊹ Portfolio","© 2024 viein_serenity_singularity_simplicity_savage. This work is liscensed under CC BY-NC 4.0."]
for i in doc_splits:
c={'text':i.page_content, 'title':i.metadata["source"].split("/")[-2]}
if c["text"].split("\n")[0] in pass_first:pass
else:
save_c={'text':re.sub(space_check," ",c['text']),'title':c['title']}
chunks.append(save_c)
- chunks save
client = weaviate.Client("weaviate client url")
client.batch.configure(batch_size=100)
with client.batch as batch:
for i, chunk in enumerate(chunks):
try:
vector = get_embedding_st(chunk["text"])
# print(type(vector[0]))
batch.add_data_object(data_object=chunk, class_name="Test", vector=vector)
except Exception as e:
# print(i, type(vector[0]), chunk)
print("except",i)
vector = get_embedding_st(chunk["text"])
vector=list(map(float, vector))
batch.add_data_object(data_object=chunk, class_name="Test", vector=vector)
# print("sucsess")
print("save",i)
Query Router : Groq
{'input': query, 'output':"websearch/vectorstore"}
from langchain_core.prompts import ChatPromptTemplate
from langchain_core.pydantic_v1 import BaseModel, Field
"""
pydantic_v1
- https://python.langchain.com/v0.1/docs/modules/model_io/output_parsers/types/pydantic/
- 특정 schema에 맞게 output을 구성하도록 LLM에 quary할 수 있게하는 parser.
"""
class RouteQuery(BaseModel):
"""Route a user query to the most relevant datasource."""
datasource: Literal["vectorstore", "websearch"] = Field(
...,
description="Given a user question choose to route it to web search or a vectorstore.",
)
"""
ref.
https://python.langchain.com/v0.2/docs/integrations/chat/groq/
Supported Models: https://console.groq.com/docs/models
"""
llm = ChatGroq(temperature=0, groq_api_key=GROQ_API_KEY)
structured_llm_router = llm.with_structured_output(RouteQuery)
system = """You are an expert at routing a user question to a vectorstore or web search.
The vectorstore contains documents related to language processing, and artificial intelligence.
Use the vectorstore for questions on these topics. For all else, use web-search."""
route_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "{question}"),
]
)
question_router = route_prompt | structured_llm_router
def route_question(state):
print("---ROUTE QUESTION---")
question = state["question"]
source = question_router.invoke({"question": question}) # output: datasource='websearch/vectorstore'
if source.datasource == 'websearch':
print("---ROUTE QUESTION TO WEB SEARCH---")
return "websearch"
elif source.datasource == 'vectorstore':
print("---ROUTE QUESTION TO RAG---")
return "vectorstore"
Retrieve : Weaviate
{'input': query, 'output':{"documents": documents, "question": query}}
def retrieve(state):
print("---RETRIEVE from Vector Store DB---")
question = state["question"]
# Retrieval
query_vector = get_embedding(question)
documents = client.query.get("Test", ["text","title"]).with_hybrid(question, vector=query_vector).with_limit(6).do()
return {"documents": documents, "question": question}
Reranker
from FlagEmbedding import FlagReranker
reranker_model = FlagReranker('BAAI/bge-reranker-v2-m3', use_fp16=True, device="cpu")
def reranker_fr(state):
print("---Reranking---")
question = state["question"]
documents = state["documents"]
# Rerank
sentence_pairs = [[question, rr["text"]] for rr in documents["data"]["Get"]["Test"]]
similarity_scores = reranker_model.compute_score(sentence_pairs)
paired_list = list(zip(similarity_scores, documents["data"]["Get"]["Test"]))
paired_list.sort(key=lambda x: x[0],reverse=True)
sorted_b = [item[1] for item in paired_list]
documents["data"]["Get"]["Test"]=sorted_b
return {"documents": documents, "question": question}
Relevant Grader : langchain
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
from langchain_core.prompts import ChatPromptTemplate
from langchain_core.pydantic_v1 import BaseModel, Field
"""
pydantic_v1
- https://python.langchain.com/v0.1/docs/modules/model_io/output_parsers/types/pydantic/
- 특정 schema에 맞게 output을 구성하도록 LLM에 quary할 수 있게하는 parser.
"""
class GradeDocuments(BaseModel):
"""Binary score for relevance check on retrieved documents."""
binary_score: str = Field(description="Documents are relevant to the question, 'yes' or 'no'")
# LLM with function call
structured_llm_grader_docs = llm.with_structured_output(GradeDocuments)
# Prompt
system = """You are a grader assessing relevance of a retrieved document to a user question. \n
If the document contains keyword(s) or semantic meaning related to the question, grade it as relevant. \n
Give a binary score 'yes' or 'no' score to indicate whether the document is relevant to the question."""
grade_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "Retrieved document: \n\n {document} \n\n User question: {question}"),
]
)
retrieval_grader_relevance = grade_prompt | structured_llm_grader_docs
def grade_documents(state):
print("---CHECK DOCUMENT RELEVANCE TO QUESTION---")
question = state["question"]
documents = state["documents"]
# Score each doc
filtered_docs = []
web_search = "No"
for d in documents["data"]["Get"]["Test"]:
score = retrieval_grader_relevance.invoke({"question": question, "document": d["text"]}) # output: GradeDocuments(binary_score='yes/no')
grade = score.binary_score
# Document relevant
if grade.lower() == "yes":
print("---GRADE: DOCUMENT RELEVANT---")
filtered_docs.append(d)
# Document not relevant
else:
print("---GRADE: DOCUMENT NOT RELEVANT---")
# We do not include the document in filtered_docs
# We set a flag to indicate that we want to run web search
web_search = "Yes"
continue
return {"documents": filtered_docs, "question": question, "web_search": web_search}
Web search : DuckDuckGoSearch
from langchain_community.utilities import DuckDuckGoSearchAPIWrapper
from langchain.schema import Document
def web_search_ddg(state):
print("---WEB SEARCH. Append to vector store db---")
question = state["question"]
documents = state["documents"]
# Web search
search_res=search.run(question)
search_res1=[]
for s in search_res.split(", title:"):
search_res1.append(s.replace("[snippet: ","").replace("]",""))
web_results="\n".join(search_res1)
web_results = Document(page_content=web_results)
if documents is not None:
documents.append(web_results)
else:
documents = [web_results]
return {"documents": documents, "question": question}
def decide_to_generate(state):
print("---ASSESS GRADED DOCUMENTS---")
question = state["question"]
web_search = state["web_search"]
filtered_documents = state["documents"]
if web_search == "Yes":
# All documents have been filtered check_relevance
# We will re-generate a new query
print("---DECISION: ALL DOCUMENTS ARE NOT RELEVANT TO QUESTION, INCLUDE WEB SEARCH---")
return "websearch"
else:
# We have relevant documents, so generate answer
print("---DECISION: GENERATE---")
return "generate"
Generate : Groq
{'input': {"documents": documents, "question": query} + prompt, 'output':"llm result"}
from langchain_core.output_parsers import StrOutputParser # 출력물을 기본 str 형태로 받는 라이브러리
prompt = ChatPromptTemplate.from_template(
"""You are a Korean-speaking assistant specializing in question-answering tasks.
Use the provided context informations and relevant documents to answer the following question as accurately as possible.
If the answer is not clear from the context or if you do not know the answer, explicitly state "모르겠습니다." (I don't know).
Use three sentences maximum and keep the answer concise.
All responses must be given in Korean.
Based on the given information, return a very detailed response.
Question: {question}
Context: {context}
Answer:"""
)
# Chain
rag_chain = prompt | llm | StrOutputParser()
def generate(state):
"""
Generate answer using RAG on retrieved documents
Args:
state (dict): The current graph state
Returns:
state (dict): New key added to state, generation, that contains LLM generation
"""
print("---GENERATE Answer---")
question = state["question"]
documents = state["documents"]
# RAG generation
generation = rag_chain.invoke({"context": documents, "question": question})
return {"documents": documents, "question": question, "generation": generation}
Hallucination Grader : Groq
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
class GradeHallucinations(BaseModel):
"""Binary score for hallucination present in generation answer."""
binary_score: str = Field(description="Don't consider calling external APIs for additional information. Answer is supported by the facts, 'yes' or 'no'.")
# LLM with function call
structured_llm_grader_hallucination = llm.with_structured_output(GradeHallucinations)
# Prompt
system = """You are a grader assessing whether an LLM generation is supported by a set of retrieved facts. \n
Restrict yourself to give a binary score, either 'yes' or 'no'. If the answer is supported or partially supported by the set of facts, consider it a yes. \n
Don't consider calling external APIs for additional information as consistent with the facts."""
hallucination_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "Set of facts: \n\n {documents} \n\n LLM generation: {generation}"),
]
)
hallucination_grader = hallucination_prompt | structured_llm_grader_hallucination
Answer Grader : Groq
{'input': {"documents": documents, "question": query}, 'output':"yes/no"}
class GradeAnswer(BaseModel):
"""Binary score to assess answer addresses question."""
binary_score: str = Field(description="Answer addresses the question, 'yes' or 'no'")
# LLM with function call
structured_llm_grader_answer = llm.with_structured_output(GradeAnswer)
# Prompt
system = """You are a grader assessing whether an answer addresses / resolves a question \n
Give a binary score 'yes' or 'no'. Yes' means that the answer resolves the question."""
answer_prompt = ChatPromptTemplate.from_messages(
[
("system", system),
("human", "User question: \n\n {question} \n\n LLM generation: {generation}"),
]
)
answer_grader = answer_prompt | structured_llm_grader_answer
Hallucination + Answer grader pipeline
def grade_generation_v_documents_and_question(state):
"""
Determines whether the generation is grounded in the document and answers question
Args:
state (dict): The current graph state
Returns:
str: Decision for next node to call
"""
print("---CHECK HALLUCINATIONS---")
question = state["question"]
documents = state["documents"]
generation = state["generation"]
score = hallucination_grader.invoke({"documents": documents, "generation": generation}) # output : GradeHallucinations(binary_score='yes')
grade = score.binary_score
# Check hallucination
if grade == "yes":
print("---DECISION: GENERATION IS GROUNDED IN DOCUMENTS---")
# Check question-answering
print("---GRADE GENERATION vs QUESTION---")
score = answer_grader.invoke({"question": question,"generation": generation}) # output : GradeAnswer(binary_score='yes')
grade = score.binary_score
if grade == "yes":
print("---DECISION: GENERATION ADDRESSES QUESTION---")
return "useful"
else:
print("---DECISION: GENERATION DOES NOT ADDRESS QUESTION---")
return "not useful"
else:
pprint("---DECISION: GENERATION IS NOT GROUNDED IN DOCUMENTS, RE-TRY---")
return "not supported"
Set RAG Graph : langGraph
from langgraph.graph import END, StateGraph
workflow = StateGraph(GraphState)
# Define the nodes
workflow.add_node("websearch", web_search) # web search # key: action to do
workflow.add_node("retrieve", retrieve) # retrieve
workflow.add_node("grade_documents", grade_documents) # grade documents
workflow.add_node("generate", generate) # generatae
workflow.add_edge("websearch", "generate") #start -> end of node
workflow.add_edge("retrieve", "grade_documents")
# Build graph
workflow.set_conditional_entry_point(
route_question,
{
"websearch": "websearch",
"vectorstore": "retrieve",
},
)
workflow.add_conditional_edges(
"grade_documents", # start: node
decide_to_generate, # defined function
{
"websearch": "websearch", #returns of the function
"generate": "generate", #returns of the function
},
)
workflow.add_conditional_edges(
"generate", # start: node
grade_generation_v_documents_and_question, # defined function
{
"not supported": "generate", #returns of the function
"useful": END, #returns of the function
"not useful": "websearch", #returns of the function
},
)
# Compile
app = workflow.compile()
Run Graph
from pprint import pprint
inputs = {"question": "LLaMa3 구조에 대해 알려줘"}
for output in app.stream(inputs):
for key, value in output.items():
pprint(f"Finished running: {key}:")
pprint(value["generation"])
output:
LLaMa 3은 Meta에서 개발한 Open Source LLM(Large Language Model) 모델로, LLaMa 2를 이어 발표된 모델입니다. 이 모델은 Instruct Model과 Pre-trained Model로 8B, 70B 두 사이즈가 공개되었으며, 이는 2024년 4월 18일 기준 해당 파라미터 스케일 모델 중 가장 좋은 성능을 보이고 있습니다. LLaMa 3는 코드 생성, instruction 수행 능력이 크게 향상되어 모델을 보다 다양하게 활용할 수 있습니다. 이 모델은 standard decoder-only transformer architecture를 기반으로 하고, 128K token 수를 가진 vocab을 사용하여 언어를 보다 효과적으로 encoding합니다. LLaMa 3는 15T 개의 token으로 학습되었으며, 이는 LLaMa 2보다 약 7배 더 큰 학습 데이터를 사용하였습니다.
Graph visualization
ref.
https://langchain-ai.github.io/langgraph/how-tos/visualization/#using-mermaid-pyppeteer
from IPython.display import Image, display
from langchain_core.runnables.graph import CurveStyle, MermaidDrawMethod, NodeColors
print(app.get_graph().draw_mermaid())
display(
Image(
app.get_graph().draw_mermaid_png(
draw_method=MermaidDrawMethod.API,
)
)
)
Chainlit
# python script로 실행
# command:
# chainlit run rag_chainlit.py -w --port 8000 --host 0.0.0.0
from langchain_core.messages import HumanMessage
from langchain_core.runnables import RunnableConfig
import chainlit as cl
@cl.on_message
async def run_convo(message: cl.Message):
#"what is the weather in sf"
inputs = {"question": message.content}
cb = cl.AsyncLangchainCallbackHandler(stream_final_answer=True)
config = RunnableConfig(callbacks=[cb])
# res = app.invoke(inputs, config=RunnableConfig(callbacks=[
# cl.LangchainCallbackHandler(
# # to_ignore=["ChannelRead", "RunnableLambda", "ChannelWrite", "__start__", "_execute"]
# # can add more into the to_ignore: "agent:edges", "call_model"
# # to_keep=
# )]))
res = await app.ainvoke(inputs,config=config)
# await cl.Message(content=res["question"][-1].content).send()
await cl.Message(content=res["generation"]).send()