alexkueck commited on
Commit
0177758
·
1 Parent(s): 9c16b16

Update app.py

Browse files
Files changed (1) hide show
  1. app.py +211 -4
app.py CHANGED
@@ -12,25 +12,232 @@ from pprint import pprint as print
12
  OAI_API_KEY=os.getenv("OPENAI_API_KEY")
13
  login(token=os.environ["HF_ACCESS_READ"])
14
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
15
  # tokenizer for generating prompt
 
16
  print ("Tokenizer")
17
  tokenizer = AutoTokenizer.from_pretrained("meta-llama/Llama-2-70b-chat-hf")
18
 
 
19
  # inference client
 
20
  print ("Inf.Client")
21
  client = InferenceClient("https://api-inference.huggingface.co/models/meta-llama/Llama-2-70b-chat-hf")
22
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
23
  # generate function
 
24
  def generate(text, history):
25
  #mit RAG
26
  #später entsprechend mit Vektorstore...
27
- context="Nuremberg is the second-largest city of the German state of Bavaria after its capital Munich, and its 541,000 inhabitants make it the 14th-largest city in Germany. On the Pegnitz River (from its confluence with the Rednitz in Fürth onwards: Regnitz, a tributary of the River Main) and the Rhine–Main–Danube Canal, it lies in the Bavarian administrative region of Middle Franconia, and is the largest city and the unofficial capital of Franconia. Nuremberg forms with the neighbouring cities of Fürth, Erlangen and Schwabach a continuous conurbation with a total population of 812,248 (2022), which is the heart of the urban area region with around 1.4 million inhabitants,[4] while the larger Nuremberg Metropolitan Region has approximately 3.6 million inhabitants. The city lies about 170 kilometres (110 mi) north of Munich. It is the largest city in the East Franconian dialect area."
 
 
 
28
 
29
- prompt = f"""Use the following pieces of context to answer the question at the end. If you don't know the answer, just say that you don't know, don't try to make up an answer.
30
- {context} Question: {text}"""
31
 
32
  #zusammengesetzte Anfrage an Modell...
33
- payload = tokenizer.apply_chat_template([{"role":"user","content":prompt}],tokenize=False)
 
34
  res = client.text_generation(
35
  payload,
36
  do_sample=True,
 
12
  OAI_API_KEY=os.getenv("OPENAI_API_KEY")
13
  login(token=os.environ["HF_ACCESS_READ"])
14
 
15
+ #################################################
16
+ #Prompt Zusätze
17
+ #################################################
18
+ template = """Antworte in deutsch, wenn es nicht explizit anders gefordert wird. Wenn du die Antwort nicht kennst, antworte einfach, dass du es nicht weißt. Versuche nicht, die Antwort zu erfinden oder aufzumocken. Halte die Antwort so kurz aber exakt."""
19
+
20
+ llm_template = "Beantworte die Frage am Ende. " + template + "Frage: {question} Hilfreiche Antwort: "
21
+ rag_template = "Nutze die folgenden Kontext Teile, um die Frage zu beantworten am Ende. " + template + "{context} Frage: {question} Hilfreiche Antwort: "
22
+
23
+ #################################################
24
+ #Prompts - Zusammensetzung
25
+ #################################################
26
+ LLM_CHAIN_PROMPT = PromptTemplate(input_variables = ["question"],
27
+ template = llm_template)
28
+ #mit RAG
29
+ RAG_CHAIN_PROMPT = PromptTemplate(input_variables = ["context", "question"],
30
+ template = rag_template)
31
+
32
+ #################################################
33
+ # Konstanten
34
+ #RAG: Pfad, wo Docs/Bilder/Filme abgelegt werden können - lokal, also hier im HF Space (sonst auf eigenem Rechner)
35
+ #################################################
36
+ PATH_WORK = "."
37
+ CHROMA_DIR = "/chroma"
38
+ YOUTUBE_DIR = "/youtube"
39
+
40
+ ###############################################
41
+ #URLs zu Dokumenten oder andere Inhalte, die einbezogen werden sollen
42
+ PDF_URL = "https://arxiv.org/pdf/2303.08774.pdf"
43
+ WEB_URL = "https://openai.com/research/gpt-4"
44
+ YOUTUBE_URL_1 = "https://www.youtube.com/watch?v=--khbXchTeE"
45
+ YOUTUBE_URL_2 = "https://www.youtube.com/watch?v=hdhZwyf24mE"
46
+ #YOUTUBE_URL_3 = "https://www.youtube.com/watch?v=vw-KWfKwvTQ"
47
+
48
+
49
+ ###############################################
50
+ #globale Variablen
51
+ ##############################################
52
+ #nur bei ersten Anfrage splitten der Dokumente - um die Vektordatenbank entsprechend zu füllen
53
+ splittet = False
54
+
55
+ ##############################################
56
  # tokenizer for generating prompt
57
+ ##############################################
58
  print ("Tokenizer")
59
  tokenizer = AutoTokenizer.from_pretrained("meta-llama/Llama-2-70b-chat-hf")
60
 
61
+ ##############################################
62
  # inference client
63
+ ##############################################
64
  print ("Inf.Client")
65
  client = InferenceClient("https://api-inference.huggingface.co/models/meta-llama/Llama-2-70b-chat-hf")
66
 
67
+
68
+ #################################################
69
+ #################################################
70
+ #################################################
71
+ #Funktionen zur Verarbeitung
72
+ ################################################
73
+ def add_text(history, text):
74
+ history = history + [(text, None)]
75
+ return history, gr.Textbox(value="", interactive=False)
76
+
77
+
78
+ def add_file(history, file):
79
+ history = history + [((file.name,), None)]
80
+ return history
81
+
82
+ ################################################
83
+ ################################################
84
+ # Für den Vektorstore...
85
+ # Funktion, um für einen best. File-typ ein directory-loader zu definieren
86
+ def create_directory_loader(file_type, directory_path):
87
+ #verschiedene Dokument loaders:
88
+ loaders = {
89
+ '.pdf': PyPDFLoader,
90
+ '.word': UnstructuredWordDocumentLoader,
91
+ }
92
+ return DirectoryLoader(
93
+ path=directory_path,
94
+ glob=f"**/*{file_type}",
95
+ loader_cls=loaders[file_type],
96
+ )
97
+
98
+ #die Inhalte splitten, um in Vektordatenbank entsprechend zu laden als Splits
99
+ def document_loading_splitting():
100
+ global splittet
101
+ ##############################
102
+ # Document loading
103
+ docs = []
104
+
105
+ # kreiere einen DirectoryLoader für jeden file type
106
+ pdf_loader = create_directory_loader('.pdf', './chroma/pdf')
107
+ word_loader = create_directory_loader('.word', './chroma/word')
108
+
109
+ # Laden der files
110
+ pdf_documents = pdf_loader.load()
111
+ word_documents = word_loader.load()
112
+
113
+ #alle zusammen in docs (s.o.)...
114
+ docs.extend(pdf_documents)
115
+ docs.extend(word_documents)
116
+
117
+ #andere loader - für URLs zu Web, Video, PDF im Web...
118
+ # Load PDF
119
+ loader = PyPDFLoader(PDF_URL)
120
+ docs.extend(loader.load())
121
+ # Load Web
122
+ loader = WebBaseLoader(WEB_URL)
123
+ docs.extend(loader.load())
124
+ # Load YouTube
125
+ loader = GenericLoader(YoutubeAudioLoader([YOUTUBE_URL_1,YOUTUBE_URL_2], PATH_WORK + YOUTUBE_DIR), OpenAIWhisperParser())
126
+ docs.extend(loader.load())
127
+
128
+ ################################
129
+ # Vektorstore Vorbereitung: Document splitting
130
+ text_splitter = RecursiveCharacterTextSplitter(chunk_overlap = 150, chunk_size = 1500)
131
+ splits = text_splitter.split_documents(docs)
132
+
133
+ #nur bei erster Anfrage mit "choma" wird gesplittet...
134
+ splittet = True
135
+
136
+ return splits
137
+
138
+ #Vektorstore anlegen...
139
+ #Chroma DB die splits ablegen - vektorisiert...
140
+ def document_storage_chroma(splits):
141
+ #OpenAi embeddings----------------------------------
142
+ Chroma.from_documents(documents = splits, embedding = OpenAIEmbeddings(disallowed_special = ()), persist_directory = PATH_WORK + CHROMA_DIR)
143
+
144
+ #HF embeddings--------------------------------------
145
+ #Chroma.from_documents(documents = splits, embedding = HuggingFaceEmbeddings(model_name="sentence-transformers/all-mpnet-base-v2", model_kwargs={"device": "cpu"}, encode_kwargs={'normalize_embeddings': False}), persist_directory = PATH_WORK + CHROMA_DIR)
146
+
147
+ #Mongo DB die splits ablegen - vektorisiert...
148
+ def document_storage_mongodb(splits):
149
+ MongoDBAtlasVectorSearch.from_documents(documents = splits,
150
+ embedding = OpenAIEmbeddings(disallowed_special = ()),
151
+ collection = MONGODB_COLLECTION,
152
+ index_name = MONGODB_INDEX_NAME)
153
+
154
+ #Vektorstore vorbereiten...
155
+ #dokumente in chroma db vektorisiert ablegen können - die Db vorbereiten daüfur
156
+ def document_retrieval_chroma(llm, prompt):
157
+ #OpenAI embeddings -------------------------------
158
+ embeddings = OpenAIEmbeddings()
159
+
160
+ #HF embeddings -----------------------------------
161
+ #Alternative Embedding - für Vektorstore, um Ähnlichkeitsvektoren zu erzeugen - die ...InstructEmbedding ist sehr rechenaufwendig
162
+ #embeddings = HuggingFaceInstructEmbeddings(model_name="sentence-transformers/all-MiniLM-L6-v2", model_kwargs={"device": "cpu"})
163
+ #etwas weniger rechenaufwendig:
164
+ #embeddings = HuggingFaceEmbeddings(model_name="sentence-transformers/all-mpnet-base-v2", model_kwargs={"device": "cpu"}, encode_kwargs={'normalize_embeddings': False})
165
+
166
+ #ChromaDb um die embedings zu speichern
167
+ db = Chroma(embedding_function = embeddings, persist_directory = PATH_WORK + CHROMA_DIR)
168
+ return db
169
+
170
+ #dokumente in mongo db vektorisiert ablegen können - die Db vorbereiten daüfür
171
+ def document_retrieval_mongodb(llm, prompt):
172
+ db = MongoDBAtlasVectorSearch.from_connection_string(MONGODB_URI,
173
+ MONGODB_DB_NAME + "." + MONGODB_COLLECTION_NAME,
174
+ OpenAIEmbeddings(disallowed_special = ()),
175
+ index_name = MONGODB_INDEX_NAME)
176
+ return db
177
+
178
+
179
+ ###############################################
180
+ #Langchain anlegen
181
+
182
+ #langchain nutzen, um prompt an LLM zu leiten - llm und prompt sind austauschbar
183
+ #prompt ohne RAG!!!
184
+ def llm_chain(llm, prompt):
185
+ llm_chain = LLMChain(llm = llm, prompt = LLM_CHAIN_PROMPT)
186
+ result = llm_chain.run({"question": prompt})
187
+ return result
188
+
189
+ #langchain nutzen, um prompt an llm zu leiten, aber vorher in der VektorDB suchen, um passende splits zum Prompt hinzuzufügen
190
+ #prompt mit RAG!!!
191
+ def rag_chain(llm, prompt, db):
192
+ rag_chain = RetrievalQA.from_chain_type(llm,
193
+ chain_type_kwargs = {"prompt": RAG_CHAIN_PROMPT},
194
+ retriever = db.as_retriever(search_kwargs = {"k": 3}),
195
+ return_source_documents = True)
196
+ result = rag_chain({"query": prompt})
197
+ return result["result"]
198
+
199
+
200
+ ###################################################
201
+ #Prompts mit History erzeugen für verschiednee Modelle
202
+ ###################################################
203
+ #Funktion, die einen Prompt mit der history zusammen erzeugt - allgemein
204
+ def generate_prompt_with_history(text, history, max_length=4048):
205
+ #prompt = "The following is a conversation between a human and an AI assistant named Baize (named after a mythical creature in Chinese folklore). Baize is an open-source AI assistant developed by UCSD and Sun Yat-Sen University. The human and the AI assistant take turns chatting. Human statements start with [|Human|] and AI assistant statements start with [|AI|]. The AI assistant always provides responses in as much detail as possible, and in Markdown format. The AI assistant always declines to engage with topics, questions and instructions related to unethical, controversial, or sensitive issues. Complete the transcript in exactly that format.\n[|Human|]Hello!\n[|AI|]Hi!"
206
+ #prompt = "Das folgende ist eine Unterhaltung in deutsch zwischen einem Menschen und einem KI-Assistenten, der Baize genannt wird. Baize ist ein open-source KI-Assistent, der von UCSD entwickelt wurde. Der Mensch und der KI-Assistent chatten abwechselnd miteinander in deutsch. Die Antworten des KI Assistenten sind immer so ausführlich wie möglich und in Markdown Schreibweise und in deutscher Sprache. Wenn nötig übersetzt er sie ins Deutsche. Die Antworten des KI-Assistenten vermeiden Themen und Antworten zu unethischen, kontroversen oder sensiblen Themen. Die Antworten sind immer sehr höflich formuliert..\n[|Human|]Hallo!\n[|AI|]Hi!"
207
+ prompt=""
208
+ history = ["\n{}\n{}".format(x[0],x[1]) for x in history]
209
+ history.append("\n{}\n".format(text))
210
+ history_text = ""
211
+ flag = False
212
+ for x in history[::-1]:
213
+ history_text = x + history_text
214
+ flag = True
215
+ print ("Prompt: ..........................")
216
+ print(prompt+history_text)
217
+ if flag:
218
+ return prompt+history_text
219
+ else:
220
+ return None
221
+
222
+
223
+ ##############################################
224
+ ##############################################
225
+ ##############################################
226
  # generate function
227
+ ##############################################
228
  def generate(text, history):
229
  #mit RAG
230
  #später entsprechend mit Vektorstore...
231
+ #context="Nuremberg is the second-largest city of the German state of Bavaria after its capital Munich, and its 541,000 inhabitants make it the 14th-largest city in Germany. On the Pegnitz River (from its confluence with the Rednitz in Fürth onwards: Regnitz, a tributary of the River Main) and the Rhine–Main–Danube Canal, it lies in the Bavarian administrative region of Middle Franconia, and is the largest city and the unofficial capital of Franconia. Nuremberg forms with the neighbouring cities of Fürth, Erlangen and Schwabach a continuous conurbation with a total population of 812,248 (2022), which is the heart of the urban area region with around 1.4 million inhabitants,[4] while the larger Nuremberg Metropolitan Region has approximately 3.6 million inhabitants. The city lies about 170 kilometres (110 mi) north of Munich. It is the largest city in the East Franconian dialect area."
232
+
233
+ #prompt = f"""Use the following pieces of context to answer the question at the end. If you don't know the answer, just say that you don't know, don't try to make up an answer.
234
+ #{context} Question: {text}"""
235
 
236
+ prompt = generate_prompt_with_history(text, history)
 
237
 
238
  #zusammengesetzte Anfrage an Modell...
239
+ #payload = tokenizer.apply_chat_template([{"role":"user","content":prompt}],tokenize=False)
240
+ payload = tokenizer.apply_chat_template(prompt,tokenize=False)
241
  res = client.text_generation(
242
  payload,
243
  do_sample=True,