alexkueck commited on
Commit
f014fb2
1 Parent(s): 377d027

Create utils.py

Browse files
Files changed (1) hide show
  1. utils.py +872 -0
utils.py ADDED
@@ -0,0 +1,872 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from typing import TYPE_CHECKING, Any, Callable, Dict, List, Tuple, Type
2
+ import logging
3
+ import json
4
+ import os
5
+ import pickle
6
+ from datetime import datetime
7
+ import hashlib
8
+ import csv
9
+ import requests
10
+ import re
11
+ import html
12
+ import markdown2
13
+ import torch
14
+ import sys
15
+ import gc
16
+ from pygments.lexers import guess_lexer, ClassNotFound
17
+ import time
18
+ import json
19
+ import base64
20
+ from io import BytesIO
21
+ import urllib.parse
22
+ from urllib.parse import quote
23
+ import tempfile
24
+ import uuid
25
+
26
+ from transformers import pipeline, AutoModelForSeq2SeqLM, AutoTokenizer, AutoModelForCausalLM, GPTNeoForCausalLM, GPT2Tokenizer, DistilBertTokenizer, DistilBertForQuestionAnswering
27
+ from sentence_transformers import SentenceTransformer, util
28
+ from huggingface_hub import HfApi, hf_hub_download
29
+ from typing import List, Dict
30
+
31
+ import gradio as gr
32
+ from pypinyin import lazy_pinyin
33
+ import tiktoken
34
+ import mdtex2html
35
+ from markdown import markdown
36
+ #from pygments import highlight
37
+ #from pygments.lexers import guess_lexer,get_lexer_by_name
38
+ #from pygments.formatters import HtmlFormatter
39
+
40
+ from langchain.chains import LLMChain, RetrievalQA
41
+ from langchain.prompts import PromptTemplate
42
+ from langchain_community.document_loaders import PyPDFLoader, UnstructuredWordDocumentLoader, DirectoryLoader
43
+ #from langchain.document_loaders.blob_loaders.youtube_audio import YoutubeAudioLoader
44
+ #from langchain.document_loaders import GenericLoader
45
+ from langchain.schema import AIMessage, HumanMessage, Document
46
+ #from langchain_community.llms import HuggingFaceHub
47
+ #from langchain_community.llms import HuggingFaceTextGenInference
48
+ #from langchain_community.embeddings import HuggingFaceInstructEmbeddings, HuggingFaceEmbeddings, HuggingFaceBgeEmbeddings, HuggingFaceInferenceAPIEmbeddings
49
+ from langchain_huggingface import HuggingFaceEmbeddings
50
+ #from langchain_community.tools import DuckDuckGoSearchRun
51
+ from typing import Dict, TypedDict
52
+ from langchain_core.messages import BaseMessage
53
+ from langchain.prompts import PromptTemplate
54
+
55
+ from langchain_community.vectorstores import Chroma
56
+ from langchain_core.messages import BaseMessage, FunctionMessage
57
+ from langchain_core.output_parsers import StrOutputParser
58
+ from langchain_core.pydantic_v1 import BaseModel, Field
59
+ from langchain_core.runnables import RunnablePassthrough, RunnableSequence
60
+ from langchain.text_splitter import RecursiveCharacterTextSplitter
61
+ from chromadb.errors import InvalidDimensionException
62
+ import fitz # PyMuPDF
63
+ import docx
64
+ from huggingface_hub import hf_hub_download, list_repo_files
65
+ #import io
66
+ #from PIL import Image, ImageDraw, ImageOps, ImageFont
67
+ #import base64
68
+ #from tempfile import NamedTemporaryFile
69
+
70
+ import nltk
71
+ from nltk.corpus import stopwords
72
+ from nltk.tokenize import word_tokenize
73
+ from nltk.stem import WordNetLemmatizer, PorterStemmer
74
+ from nltk.tokenize import RegexpTokenizer
75
+ from transformers import BertModel, BertTokenizer, pipeline
76
+ from nltk.stem.snowball import SnowballStemmer
77
+
78
+ from sklearn.feature_extraction.text import TfidfVectorizer
79
+ from sklearn.metrics.pairwise import cosine_similarity
80
+ import numpy as np
81
+
82
+ #für die Normalisierung
83
+ nltk.download('punkt')
84
+ nltk.download('stopwords')
85
+ german_stopwords = set(stopwords.words('german'))
86
+
87
+ #Konstanten
88
+ ANZAHL_DOCS = 5
89
+ # Konstanten für Datei-Upload
90
+ REPO_ID = "alexkueck/kkg_suche"
91
+ STORAGE_REPO_ID = "alexkueck/kkg_files"
92
+ REPO_TYPE = "space"
93
+
94
+ ###############################
95
+ #HF Authentifizierung
96
+ HUGGINGFACEHUB_API_TOKEN = os.getenv("HF_READ")
97
+ os.environ["HUGGINGFACEHUB_API_TOKEN"] = HUGGINGFACEHUB_API_TOKEN
98
+ HEADERS = {"Authorization": f"Bearer {HUGGINGFACEHUB_API_TOKEN}"}
99
+ # Hugging Face Token direkt im Code setzen
100
+ hf_token = os.getenv("HF_READ")
101
+ HF_WRITE = os.getenv("HF_WRITE")
102
+ # HfApi-Instanz erstellen
103
+ api = HfApi()
104
+
105
+
106
+ #Maoing für die Splits (orginal und Preprocessed
107
+ split_to_original_mapping = []
108
+
109
+ #################################################
110
+ #Gesetzte Werte für Pfade, Prompts und Keys..
111
+ #################################################
112
+ #################################################
113
+ #Prompt Zusätze
114
+ template = """\Antworte in deutsch, wenn es nicht explizit anders gefordert wird. Wenn du die Antwort nicht kennst, antworte direkt, dass du es nicht weißt.
115
+ Antworte nur zu dem mitgelieferten Text. Fasse die einzelnen Text-Ausschnitte zusammen zu einem Text, gehe dabei auf jeden Textausschnitt ein."""
116
+
117
+ llm_template = "Beantworte die Frage am Ende. " + template + "Frage: {question} "
118
+ #nur für HF für Stichwotre bei chatverlauf
119
+ llm_template2 = "Fasse folgenden Text als Überschrift mit maximal 3 Worten zusammen. Text: {question} "
120
+
121
+ rag_template = "Nutze ausschließlich die folgenden Kontexte (Beginnend mit dem Wort 'Kontext:') aus Teilen aus den angehängten Dokumenten, um die Frage (Beginnend mit dem Wort 'Frage: ') am Ende zu beantworten. Wenn du die Frage aus dem folgenden Kontext nicht beantworten kannst, sage, dass du keine passende Antwort gefunden hast. Wenn du dich auf den angegebenen Kontext beziehst, gib unbedingt den Namen des Dokumentes an, auf den du dich beziehst. Antworte nur zu dem mitgelieferten Text. Fasse die einzelnen Text-Ausschnitte zusammen zu einem Text, gehe dabei auf jeden Textausschnitt ein. Formuliere wichtige Punkte ausführlich aus." + template + "Kontext: {context} Frage: {question}"
122
+
123
+ #################################################
124
+ #Konstanten
125
+ LLM_CHAIN_PROMPT = PromptTemplate(input_variables = ["question"],
126
+ template = llm_template)
127
+ #nur für HF bei chatverlauf
128
+ LLM_CHAIN_PROMPT2 = PromptTemplate(input_variables = ["question"],
129
+ template = llm_template2)
130
+
131
+ RAG_CHAIN_PROMPT = PromptTemplate(input_variables = ["context", "question"],
132
+ template = rag_template)
133
+
134
+ ################################################
135
+ #Pfad, wo Docs/Bilder/Filme abgelegt werden können - lokal, also hier im HF Space (sonst auf eigenem Rechner)
136
+ PATH_WORK = "."
137
+ CHROMA_DIR = "/chroma/kkg"
138
+ CHROMA_PDF = './chroma/kkg/pdf'
139
+ CHROMA_WORD = './chroma/kkg/word'
140
+ CHROMA_EXCEL = './chroma/kkg/excel'
141
+ YOUTUBE_DIR = "/youtube"
142
+ HISTORY_PFAD = "/data/history"
143
+ DOCS_DIR_PDF = "chroma/kkg/pdf"
144
+ DOCS_DIR_WORD = "chroma/kkg/word"
145
+ VECTORSTORE_DIR="chroma/kkg"
146
+
147
+ ###############################################
148
+ #URLs zu Dokumenten oder andere Inhalte, die einbezogen werden sollen
149
+ PDF_URL = "https://arxiv.org/pdf/2303.08774.pdf"
150
+ WEB_URL = "https://openai.com/research/gpt-4"
151
+ YOUTUBE_URL_1 = "https://www.youtube.com/watch?v=--khbXchTeE"
152
+ YOUTUBE_URL_2 = "https://www.youtube.com/watch?v=hdhZwyf24mE"
153
+ #YOUTUBE_URL_3 = "https://www.youtube.com/watch?v=vw-KWfKwvTQ"
154
+ #spezielle Webseiten als Datenbasis laden
155
+ urls = [
156
+ "https://kkg.hamburg.de/unser-leitbild/"
157
+ "https://kkg.hamburg.de/unsere-schulcharta/",
158
+ "https://kkg.hamburg.de/koordination-unterrichtsentwicklung/",
159
+ "https://kkg.hamburg.de/konzept-medien-und-it-am-kkg/",
160
+ ]
161
+
162
+
163
+
164
+ ##################################################
165
+ #Modell und Tokenizer für die Anfrage der RAG Chain
166
+ ##################################################
167
+ # Schritt 1: Embedding Modelle, um relvante Texte zu einem Prompt zu finden
168
+ #sowohl die texte als auch der Prompt werden embeddet!
169
+ embedder_modell = SentenceTransformer("multi-qa-MPNet-base-dot-v1") #all-MiniLM-L6-v2 sentence-transformers/all-mpnet-base-v2
170
+ EMBEDDING_MODELL = "multi-qa-MPNet-base-dot-v1"
171
+
172
+ #Modell und Tokenizer, um die Summary über die relevanten Texte zu machen
173
+ #mögliche Modelle: "HuggingFaceH4/zephyr-7b-alpha" #"t5-small" #"meta-llama/Meta-Llama-3-8B-Instruct" #"mistralai/Mistral-7B-Instruct-v0.3" #"microsoft/Phi-3-mini-4k-instruct" #"HuggingFaceH4/zephyr-7b-alpha"
174
+ """
175
+ HF_MODELL = "distilbert-base-uncased-distilled-squad"
176
+ modell_rag = DistilBertForQuestionAnswering.from_pretrained(HF_MODELL)
177
+ tokenizer_rag = DistilBertTokenizer.from_pretrained(HF_MODELL)
178
+ qa_pipeline = pipeline("question-answering", model=modell_rag, tokenizer=tokenizer_rag)
179
+ HF_MODELL ="EleutherAI/gpt-neo-2.7B"
180
+ modell_rag = GPTNeoForCausalLM.from_pretrained(HF_MODELL)
181
+ tokenizer_rag = GPT2Tokenizer.from_pretrained(HF_MODELL)
182
+ tokenizer_rag.pad_token = tokenizer_rag.eos_token
183
+ HF_MODELL = "microsoft/Phi-3-mini-4k-instruct"
184
+ # Laden des Modells und Tokenizers
185
+ modell_rag = AutoModelForCausalLM.from_pretrained(HF_MODELL)
186
+ tokenizer_rag = AutoTokenizer.from_pretrained(HF_MODELL)
187
+ HF_MODELL = "t5-small"
188
+ modell_rag = AutoModelForSeq2SeqLM.from_pretrained(HF_MODELL)
189
+ tokenizer_rag = AutoTokenizer.from_pretrained(HF_MODELL)
190
+ """
191
+
192
+
193
+ ##################################################
194
+ #Normalisierung eines Prompts
195
+ ##################################################
196
+ #Zur zeit nicht im Gebrauch.............................
197
+ def normalise_prompt (prompt):
198
+ #alles Kleinbuchstaben
199
+ prompt_klein =prompt.lower()
200
+ #Word Tokenisation
201
+ tokens = word_tokenize(prompt_klein)
202
+ #Punktuierung entfernen
203
+ tokens = [word for word in tokens if word.isalnum()]
204
+
205
+ # Stop Word Entfernung
206
+ tokens = [word for word in tokens if not word in german_stopwords]
207
+ # 5. Lemmatisierung: Worte in Grundform bringen, um Text besser vergleichen zu können
208
+ nltk.download('wordnet')
209
+ lemmatizer = WordNetLemmatizer()
210
+ tokens = [lemmatizer.lemmatize(word) for word in tokens]
211
+ # 6. Handling Special Characters (Remove non-alphanumeric characters)
212
+ tokens = [re.sub(r'\W+', '', word) for word in tokens]
213
+ # 7. Spell Check (optional, using a library like pyspellchecker)
214
+ from spellchecker import SpellChecker
215
+ spell = SpellChecker()
216
+ tokens = [spell.correction(word) for word in tokens]
217
+ # Join tokens back to sentence
218
+ normalized_prompt = ' '.join(tokens)
219
+ print("normaiserd prompt..................................")
220
+ print(normalized_prompt)
221
+ return normalized_prompt
222
+
223
+
224
+ #um ähnliche Wörter anhand ihres Wortstammes zu erkennen
225
+ # Funktion zur Stemmatisierung des Textes
226
+ def preprocess_text(text):
227
+ if not text:
228
+ return ""
229
+
230
+ text = text.lower()
231
+ tokenizer = RegexpTokenizer(r'\w+')
232
+ word_tokens = tokenizer.tokenize(text)
233
+ filtered_words = [word for word in word_tokens if word not in german_stopwords]
234
+ stemmer = SnowballStemmer("german")
235
+ stemmed_words = [stemmer.stem(word) for word in filtered_words]
236
+ return " ".join(stemmed_words)
237
+
238
+ # Funktion zur Bereinigung des Textes aus den Pdfs und Word Dokuemtne, um den Tokenizer nicht zu überfordern
239
+ def clean_text(text):
240
+ # Entfernen nicht druckbarer Zeichen
241
+ text = re.sub(r'[^\x00-\x7F]+', ' ', text)
242
+ # Ersetzen ungewöhnlicher Leerzeichen durch normale Leerzeichen
243
+ text = re.sub(r'\s+', ' ', text)
244
+ return text.strip()
245
+
246
+
247
+ ##################################################
248
+ #RAG Hilfsfunktionen - Dokumenten bearbeiten für Vektorstore
249
+ ##################################################
250
+ #Files aus anderem Repi downloaden
251
+ def access_pdf(self, filename):
252
+ # Temporäre Datei erstellen
253
+ with tempfile.NamedTemporaryFile(delete=False, suffix=self.file_type) as temp_file:
254
+ temp_path = temp_file.name
255
+
256
+ # Datei aus dem Hugging Face Space herunterladen
257
+ hf_hub_download(
258
+ repo_id=STORAGE_REPO_ID,
259
+ filename=file_path,
260
+ repo_type=DATA_REPO_TYPE,
261
+ local_dir=os.path.dirname(temp_path),
262
+ token=hf_token
263
+ )
264
+
265
+ return temp_path
266
+
267
+ ################################################
268
+ #besseren directory Loader als CustomLoader definieren, der den inhalt des dokuemnts, die seitenzahlen, die überschriften und die pfadezu den dokumenten extrahieren
269
+ def create_custom_loader(file_type, file_list):
270
+ loaders = {
271
+ '.pdf': load_pdf_with_metadata,
272
+ '.docx': load_word_with_metadata,
273
+ }
274
+ return CustomLoader(file_type, file_list, loaders[file_type])
275
+
276
+ ################################################
277
+ # Custom Loader-Funktionen zu dem DirektoryLoader
278
+ # für PDF Dokumente:
279
+ def load_pdf_with_metadata(file_path):
280
+ document = fitz.open(file_path)
281
+ documents = []
282
+ for page_num in range(len(document)):
283
+ page = document.load_page(page_num)
284
+ content = page.get_text("text")
285
+ title = document.metadata.get("title", "Unbekannt")
286
+ page_number = page_num + 1
287
+ documents.append(Document(content=content, title=title, page=page_number, path=file_path, split_id=None))
288
+ return documents
289
+
290
+ #für Word Dokumente
291
+ def load_word_with_metadata(file_path):
292
+ document = docx.Document(file_path)
293
+ title = "Dokument"
294
+ path = file_path
295
+ documents = []
296
+ for para in document.paragraphs:
297
+ content = para.text
298
+ page_number = 1 # Word-Dokumente haben keine Seitenzahlen in diesem Kontext
299
+ documents.append(Document(content=content, title=title, page=page_number, path=path, split_id= None))
300
+ return documents
301
+
302
+
303
+
304
+ ################################################
305
+ #für den Vektorstore
306
+ ################################################
307
+
308
+ ################################################
309
+ # Document Splitting - und id für das Mapping
310
+ ################################################
311
+ #die Inhalte splitten, um in Vektordatenbank entsprechend zu laden als Splits
312
+ # Funktion zum Splitten und Zuweisen der doc_id
313
+ def split_documents_with_id(docs, text_splitter):
314
+ splits = []
315
+ for doc in docs:
316
+ if not doc.metadata['title']:
317
+ doc.metadata['title'] = "Dokument"
318
+ if not doc.page_content:
319
+ doc.page_content = "leer"
320
+
321
+ doc_splits = text_splitter.split_text(f"{doc.metadata['title']} {doc.page_content}")
322
+ for split_content in doc_splits:
323
+ split_id = str(uuid.uuid4()) # Erzeuge eine eindeutige ID für jeden Split
324
+ split_doc = Document(content=split_content, title=doc.metadata["title"], page=doc.metadata["page"], path=doc.metadata["path"], split_id=split_id)
325
+ splits.append(split_doc)
326
+ return splits
327
+
328
+
329
+
330
+ ########################################
331
+ #finally die Splits erzeugen und laden..... für den Vektorstore
332
+ def document_loading_splitting():
333
+ docs = []
334
+ print("Directory Loader neu............................")
335
+
336
+ # Dateien im Hugging Face Space auflisten
337
+ files_in_repo = list_repo_files(repo_id=STORAGE_REPO_ID, repo_type="space", token=hf_token)
338
+ pdf_files = [f for f in files_in_repo if f.endswith('.pdf') and f.startswith("chroma/kkg/pdf/")]
339
+ word_files = [f for f in files_in_repo if f.endswith('.docx') and f.startswith("chroma/kkg/word/")]
340
+
341
+
342
+ # Erstellen von DirectoryLoader für jeden Dateityp
343
+ pdf_loader = create_custom_loader('.pdf', pdf_files)
344
+ word_loader = create_custom_loader('.docx', word_files)
345
+
346
+ # Load the files
347
+ pdf_documents = pdf_loader.load()
348
+ word_documents = word_loader.load()
349
+
350
+ #alle zusammen in docs...
351
+ docs.extend(pdf_documents)
352
+ docs.extend(word_documents)
353
+
354
+ #andere loader...
355
+ # Load PDF
356
+ #loader = PyPDFLoader(PDF_URL)
357
+ #docs.extend(loader.load())
358
+ # Load Web
359
+ #loader = WebBaseLoader(WEB_URL)
360
+ #docs.extend(loader.load())
361
+ # Load YouTube
362
+ #loader = GenericLoader(YoutubeAudioLoader([YOUTUBE_URL_1,YOUTUBE_URL_2], PATH_WORK + YOUTUBE_DIR), OpenAIWhisperParser())
363
+ #docs.extend(loader.load())
364
+
365
+
366
+ ################################
367
+ # Document splitting
368
+ text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=200)# RecursiveCharacterTextSplitter(chunk_overlap = 150, chunk_size = 1500)
369
+ #splits = text_splitter.split_documents(preprocessed_docs)
370
+
371
+ # Vorverarbeitung der Dokumente
372
+ # Split der Originaldokumente
373
+ original_splits = split_documents_with_id(docs, text_splitter)
374
+
375
+ # Vorverarbeitung der Originalsplits
376
+ preprocessed_splits = []
377
+ for split in original_splits:
378
+ preprocessed_content = preprocess_text(split.page_content)
379
+ preprocessed_split = Document(content=preprocessed_content, title=split.metadata["title"], page=split.metadata["page"], path=split.metadata["path"], split_id=split.metadata["split_id"])
380
+ preprocessed_splits.append(preprocessed_split)
381
+
382
+
383
+ # Mapping von vorverarbeiteten Splits zu Originalsplits anhand der split_ids
384
+ split_to_original_mapping = {p_split.metadata["split_id"]: o_split for p_split, o_split in zip(preprocessed_splits, original_splits)}
385
+
386
+ # Sicherstellen, dass das Mapping nicht leer ist
387
+ assert split_to_original_mapping, "Das Mapping von Splits wurde nicht korrekt erstellt"
388
+
389
+ return preprocessed_splits, split_to_original_mapping, original_splits
390
+
391
+ ###########################################
392
+ #Vektorstore über Chroma DB die splits ablegen - vektorisiert...
393
+ ###########################################
394
+ def document_storage_chroma(splits):
395
+ # Embedding-Funktion definieren
396
+ embedding_fn = HuggingFaceEmbeddings(model_name=EMBEDDING_MODELL, model_kwargs={"device": "cpu"}, encode_kwargs={'normalize_embeddings': False})
397
+
398
+ # Vectorstore initialisieren und Dokumente hinzufügen
399
+ vectorstore = Chroma.from_documents(documents=splits, embedding=embedding_fn)
400
+
401
+ return vectorstore
402
+
403
+ ########################################################
404
+ #Splits für den Vektorstore speichern - bzw. laden
405
+ ########################################################
406
+ def save_splits(preprocessed_splits, original_splits, directory="chroma/kkg", preprocessed_filename="preprocessed_splits.pkl", original_filename="original_splits.pkl"):
407
+ # Erstellen des Verzeichnisses, falls es nicht existiert
408
+ if not os.path.exists(directory):
409
+ os.makedirs(directory)
410
+
411
+ # Speichern der vorverarbeiteten Splits
412
+ preprocessed_filepath = os.path.join(directory, preprocessed_filename)
413
+ with open(preprocessed_filepath, "wb") as f:
414
+ pickle.dump(preprocessed_splits, f)
415
+
416
+ # Speichern der Originalsplits
417
+ original_filepath = os.path.join(directory, original_filename)
418
+ with open(original_filepath, "wb") as f:
419
+ pickle.dump(original_splits, f)
420
+
421
+ # Hochladen der Splits-Dateien zum Hugging Face Space
422
+ upload_file_to_huggingface(preprocessed_filepath, f"{directory}/{preprocessed_filename}")
423
+ upload_file_to_huggingface(original_filepath, f"{directory}/{original_filename}")
424
+
425
+ def load_splits(directory="chroma/kkg", preprocessed_filename="preprocessed_splits.pkl", original_filename="original_splits.pkl"):
426
+ preprocessed_splits = None
427
+ original_splits = None
428
+
429
+ try:
430
+ # Laden der vorverarbeiteten Splits aus dem Hugging Face Repository
431
+ preprocessed_file = hf_hub_download(
432
+ repo_id=STORAGE_REPO_ID,
433
+ filename=f"{directory}/{preprocessed_filename}",
434
+ repo_type="space",
435
+ token=hf_token
436
+ )
437
+ with open(preprocessed_file, "rb") as f:
438
+ preprocessed_splits = pickle.load(f)
439
+
440
+ # Laden der originalen Splits aus dem Hugging Face Repository
441
+ original_file = hf_hub_download(
442
+ repo_id=STORAGE_REPO_ID,
443
+ filename=f"{directory}/{original_filename}",
444
+ repo_type="space",
445
+ token=hf_token
446
+ )
447
+ with open(original_file, "rb") as f:
448
+ original_splits = pickle.load(f)
449
+
450
+ except Exception as e:
451
+ print(f"Fehler beim Laden der Splits: {str(e)}")
452
+
453
+ return preprocessed_splits, original_splits
454
+
455
+
456
+
457
+ ########################################
458
+ #das Mapping der orginal-Splits und der preprocessed Splits speichern - und laden
459
+ ########################################
460
+ def save_split_to_original_mapping(mapping, directory="chroma/kkg", filename="mapping.pkl"):
461
+ # Erstellen des Verzeichnisses, falls es nicht existiert
462
+ if not os.path.exists(directory):
463
+ os.makedirs(directory)
464
+
465
+ # Speichern des Mappings
466
+ filepath = os.path.join(directory, filename)
467
+ with open(filepath, "wb") as f:
468
+ pickle.dump(mapping, f)
469
+
470
+ # Hochladen der Mapping-Datei zum Hugging Face Space
471
+ upload_file_to_huggingface(filepath, f"{directory}/{filename}")
472
+
473
+
474
+ def load_split_to_original_mapping(directory="chroma/kkg", filename="mapping.pkl"):
475
+ try:
476
+ # Laden des Mappings aus dem Hugging Face Repository
477
+ file_path = hf_hub_download(
478
+ repo_id=STORAGE_REPO_ID,
479
+ filename=f"{directory}/{filename}",
480
+ repo_type="space",
481
+ token=hf_token
482
+ )
483
+
484
+ with open(file_path, "rb") as f:
485
+ return pickle.load(f)
486
+
487
+ except Exception as e:
488
+ print(f"Fehler beim Laden des Mappings: {str(e)}")
489
+ return None
490
+
491
+
492
+ #######################################
493
+ # Dokumente aus anderem Space laden und speichern
494
+ #######################################
495
+ # Beispiel-Upload-Funktion
496
+ def upload_file_to_huggingface(file_path, upload_path):
497
+ api.upload_file(
498
+ path_or_fileobj=file_path,
499
+ path_in_repo=upload_path,
500
+ repo_id=STORAGE_REPO_ID,
501
+ repo_type=REPO_TYPE,
502
+ token=HF_WRITE
503
+ )
504
+
505
+
506
+ #ein File aus dem Space mit der REPO_ID laden - Authentifizierung über den HEADER
507
+ def download_file_from_hf(file_name, save_path):
508
+ url = f"https://huggingface.co/{STORAGE_REPO_ID}/resolve/main/{file_name}"
509
+ response = requests.get(url, headers=HEADERS)
510
+ response.raise_for_status() # Raise an error for bad status codes
511
+ with open(save_path, 'wb') as file:
512
+ file.write(response.content)
513
+ return save_path
514
+
515
+
516
+
517
+
518
+ ###############################################
519
+ #Langchain anlegen für RAG Chaining
520
+ ###############################################
521
+ """
522
+ #langchain nutzen, um prompt an LLM zu leiten - llm und prompt sind austauschbar
523
+ def llm_chain(llm, prompt, context):
524
+ # Generiere den vollständigen Prompt mit der Eingabe
525
+ # Generiere den vollständigen Prompt mit den Eingabevariablen
526
+ full_prompt = RAG_CHAIN_PROMPT.format(context=context, question=prompt)
527
+ # Erstellen der RunnableSequence
528
+ params={
529
+ "input": full_prompt,
530
+ "llm": llm
531
+ }
532
+ sequence = RunnableSequence(params)
533
+ result = sequence.invoke()
534
+ return result
535
+ def query(api_llm, payload):
536
+ response = requests.post(api_llm, headers=HEADERS, json=payload)
537
+ return response.json()
538
+ def llm_chain2(prompt, context):
539
+ full_prompt = RAG_CHAIN_PROMPT.format(context=context, question=prompt)
540
+ inputs = tokenizer_rag(full_prompt, return_tensors="pt", max_length=1024, truncation=True)
541
+ #Generiere die Antwort
542
+ outputs = modell_rag.generate(
543
+ inputs.input_ids,
544
+ attention_mask=inputs.attention_mask,
545
+ max_new_tokens=1024,
546
+ do_sample=True,
547
+ temperature=0.9,
548
+ pad_token_id=tokenizer_rag.eos_token_id
549
+ )
550
+ #outputs = modell_rag.generate(inputs['input_ids'], max_new_tokens=1024, num_beams=2, early_stopping=True)
551
+ answer = tokenizer_rag.decode(outputs[0], skip_special_tokens=True)
552
+
553
+ return answer
554
+
555
+ #############################################
556
+ #langchain nutzen, um prompt an llm zu leiten, aber vorher in der VektorDB suchen, um passende splits zum Prompt hinzuzufügen
557
+ def rag_chain(llm, prompt, retriever):
558
+ #Langgraph nutzen für ein wenig mehr Intelligenz beim Dokumente suchen
559
+ relevant_docs=[]
560
+ most_relevant_docs=[]
561
+ #passend zum Prompt relevante Dokuemnte raussuchen
562
+ relevant_docs = retriever.invoke(prompt)
563
+ #zu jedem relevanten Dokument die wichtigen Informationen zusammenstellen (im Dict)
564
+ extracted_docs = extract_document_info(relevant_docs)
565
+
566
+ if (len(extracted_docs)>0):
567
+ # Inahlte Abrufen der relevanten Dokumente
568
+ doc_contents = [doc["content"] for doc in extracted_docs]
569
+ #Berechne die Ähnlichkeiten und finde das relevanteste Dokument
570
+ question_embedding = embedder_modell.encode(prompt, convert_to_tensor=True)
571
+ doc_embeddings = embedder_modell.encode(doc_contents, convert_to_tensor=True)
572
+ similarity_scores = util.pytorch_cos_sim(question_embedding, doc_embeddings)
573
+ most_relevant_doc_indices = similarity_scores.argsort(descending=True).squeeze().tolist()
574
+ #Erstelle eine Liste der relevantesten Dokumente
575
+ most_relevant_docs = [extracted_docs[i] for i in most_relevant_doc_indices]
576
+ #Kombiniere die Inhalte aller relevanten Dokumente
577
+ combined_content = " ".join([doc["content"] for doc in most_relevant_docs])
578
+
579
+ #############################################
580
+ #Verschiedene LLMs ausprobieren als Generierungsmodell
581
+ #für die Zusammenfassung
582
+ #############################################
583
+ #1. Alternative, wenn llm direkt übergeben....................................
584
+ #answer = llm_chain2(prompt, combined_content)
585
+ #Formuliere die Eingabe für das Generierungsmodell
586
+ #input_text = f"frage: {prompt} kontext: {combined_content}"
587
+ #2. Alternative, wenn mit API_URL ...........................................
588
+ #answer = query(llm, {"inputs": input_text,})
589
+
590
+ #3. Alternative: mit pipeline
591
+ #für summarizatiuon
592
+ #answer = llm(input_text,max_length=1024, min_length=150, do_sample=False)
593
+ #result = qa_pipeline(question=prompt, context=combined_content)
594
+ #answer=result['answer']
595
+ # Erstelle das Ergebnis-Dictionary
596
+ result = {
597
+ "answer": "Folgende relevante Dokumente wurden gefunden:",
598
+ "relevant_docs": most_relevant_docs
599
+ }
600
+ else:
601
+ # keine relevanten Dokumente gefunden
602
+ result = {
603
+ "answer": "Keine relevanten Dokumente gefunden",
604
+ "relevant_docs": None
605
+ }
606
+
607
+ return result
608
+ """
609
+
610
+ #############################################
611
+ #keine History des chatbots einbeziehen, keine Zusammenfassung am Anfang - nur mit Vektorstore arbeiten, um relevante Dokumente anzuzeigen
612
+ def rag_chain_simpel( prompt, retriever):
613
+ #Langgraph nutzen für ein wenig mehr Intelligenz beim Dokumente suchen
614
+ relevant_docs=[]
615
+ most_relevant_docs=[]
616
+
617
+ #passend zum Prompt relevante Dokuemnte raussuchen
618
+ relevant_docs = retriever.invoke(prompt)
619
+
620
+ #zu jedem relevanten Dokument die wichtigen Informationen zusammenstellen (im Dict)
621
+ extracted_docs = extract_document_info(relevant_docs)
622
+
623
+ if (len(extracted_docs)>0):
624
+ # Inahlte Abrufen der relevanten Dokumente
625
+ doc_contents = [doc["content"] for doc in extracted_docs]
626
+
627
+ #Berechne die Ähnlichkeiten und finde das relevanteste Dokument
628
+ question_embedding = embedder_modell.encode(prompt, convert_to_tensor=True)
629
+ doc_embeddings = embedder_modell.encode(doc_contents, convert_to_tensor=True)
630
+ similarity_scores = util.pytorch_cos_sim(question_embedding, doc_embeddings)
631
+ most_relevant_doc_indices = similarity_scores.argsort(descending=True).squeeze().tolist()
632
+
633
+ #Erstelle eine Liste der relevantesten Dokumente
634
+ most_relevant_docs = [extracted_docs[i] for i in most_relevant_doc_indices]
635
+
636
+ #Kombiniere die Inhalte aller relevanten Dokumente
637
+ #combined_content = " ".join([doc["content"] for doc in most_relevant_docs])
638
+
639
+ # Erstelle das Ergebnis-Dictionary
640
+ result = {
641
+ "answer": "Folgende relevante Dokumente wurden gefunden:",
642
+ "relevant_docs": most_relevant_docs
643
+ }
644
+ else:
645
+ # keine relevanten Dokumente gefunden
646
+ result = {
647
+ "answer": "Keine relevanten Dokumente gefunden",
648
+ "relevant_docs": None
649
+ }
650
+
651
+ return result
652
+
653
+
654
+
655
+ #############################################################
656
+ #in einem Dictionary die wichtigen Infos zu jedem Dok zusammenstellen
657
+ def extract_document_info(documents):
658
+ extracted_info = []
659
+ for doc in documents:
660
+ # Extract the filename from the path to use as the title
661
+ filename = os.path.basename(doc.metadata.get("path", ""))
662
+ title = filename if filename else "Keine Überschrift"
663
+ doc_path = doc.metadata.get("path", "")
664
+ # Determine the document type and adjust the path accordingly
665
+ d_link = download_link(doc)
666
+
667
+ info = {
668
+ 'content': doc.page_content,
669
+ 'metadata': doc.metadata,
670
+ 'titel': title,
671
+ 'seite': doc.metadata.get("page", "Unbekannte Seite"),
672
+ 'pfad': doc_path,
673
+ 'download_link': d_link,
674
+ }
675
+ extracted_info.append(info)
676
+ return extracted_info
677
+
678
+
679
+
680
+ ###################################################
681
+ #Prompts mit History erzeugen für verschiednee Modelle
682
+ ###################################################
683
+ #Funktion, die einen Prompt mit der history zusammen erzeugt - allgemein
684
+ """
685
+ def generate_prompt_with_history(text, history, max_length=4048):
686
+ #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!"
687
+ #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!"
688
+ prompt=""
689
+ history = ["\n{}\n{}".format(x[0],x[1]) for x in history]
690
+ history.append("\n{}\n".format(text))
691
+ history_text = ""
692
+ flag = False
693
+ for x in history[::-1]:
694
+ history_text = x + history_text
695
+ flag = True
696
+ if flag:
697
+ return prompt+history_text
698
+ else:
699
+ return None
700
+ """
701
+
702
+
703
+ ##########################################
704
+ #Hashing.... Für die Validierung........
705
+ # Funktion zum Hashen des Eingabewerts
706
+ def hash_input(input_string):
707
+ return hashlib.sha256(input_string.encode()).hexdigest()
708
+
709
+
710
+
711
+ ########################################
712
+ #zur Zeit nicht im Gebrauch
713
+ def transfer_input(inputs):
714
+ textbox = reset_textbox()
715
+ return (
716
+ inputs,
717
+ gr.update(value=""),
718
+ gr.Button.update(visible=True),
719
+ )
720
+
721
+
722
+ ########################################################
723
+ ######## Hilfsfunktionen Datei-Download ##################
724
+ def download_link(doc):
725
+ # Basis-URL für das Hugging Face Repository
726
+ base_url = f"https://huggingface.co/spaces/{STORAGE_REPO_ID}/resolve/main"
727
+
728
+ if isinstance(doc, dict):
729
+ # Wenn doc ein Dictionary ist (wie in Ihrem ursprünglichen Beispiel)
730
+ if 'pfad' in doc:
731
+ doc_path = doc['pfad']
732
+ title = doc.get('titel', doc_path)
733
+ else:
734
+ return f'<b>{doc.get("titel", "Unbekannter Titel")}</b>'
735
+ else:
736
+ # Wenn doc ein String ist oder ein anderes Objekt mit einem 'metadata' Attribut
737
+ doc_path = getattr(doc, 'metadata', {}).get('path', doc if isinstance(doc, str) else '')
738
+ title = os.path.basename(doc_path)
739
+
740
+ # Bestimmen des Dokumenttyps und Anpassen des Pfads
741
+ if doc_path.lower().endswith('.pdf'):
742
+ file_url = f"{base_url}/chroma/kkg/pdf/{quote(title)}?token={hf_token}"
743
+ elif doc_path.lower().endswith('.docx'):
744
+ file_url = f"{base_url}/chroma/kkg/word/{quote(title)}?token={hf_token}"
745
+ else:
746
+ # Fallback für andere Dateitypen
747
+ file_url = f"{base_url}/{quote(doc_path)}?token={hf_token}"
748
+
749
+ return file_url #f'<b><a href="{file_url}" target="_blank" style="color: #BB70FC; font-weight: bold;">{title}</a></b>'
750
+
751
+
752
+
753
+
754
+
755
+ #################################################
756
+ #File Liste beim Tab für File-Upload schön darstellen
757
+ #################################################
758
+ def display_files():
759
+ files_table = "<table style='width:100%; border-collapse: collapse;'>"
760
+
761
+ # PDF-Dateien
762
+ files_table += "<tr style='background-color: #930BBA; color: white; font-weight: bold; font-size: larger;'><th>Dateiname - PDF-Ordner</th></tr>"
763
+ pdf_files = [f for f in list_repo_files(repo_id=STORAGE_REPO_ID, repo_type="space", token=hf_token) if f.endswith('.pdf') and f.startswith("chroma/kkg/pdf/")]
764
+ for i, file in enumerate(pdf_files):
765
+ row_color = "#4f4f4f" if i % 2 == 0 else "#3a3a3a"
766
+ files_table += f"<tr style='background-color: {row_color}; border-bottom: 1px solid #ddd;'>"
767
+ files_table += f"<td><b>{file.split('/')[-1]}</b></td></tr>"
768
+
769
+ # Word-Dateien
770
+ files_table += "<tr style='background-color: #930BBA; color: white; font-weight: bold; font-size: larger;'><th>Dateiname - Word-Ordner</th></tr>"
771
+ word_files = [f for f in list_repo_files(repo_id=STORAGE_REPO_ID, repo_type="space", token=hf_token) if f.endswith('.docx') and f.startswith("chroma/kkg/word/")]
772
+ for i, file in enumerate(word_files):
773
+ row_color = "#4f4f4f" if i % 2 == 0 else "#3a3a3a"
774
+ files_table += f"<tr style='background-color: {row_color}; border-bottom: 1px solid #ddd;'>"
775
+ files_table += f"<td><b>{file.split('/')[-1]}</b></td></tr>"
776
+
777
+ files_table += "</table>"
778
+ return files_table
779
+
780
+
781
+ ##########################################
782
+ #Extension des hochgeladenen Files bestimmen
783
+ def analyze_file(file):
784
+ file_extension = file.name.split('.')[-1] # Holen Sie sich die Dateiendung
785
+ return file_extension
786
+
787
+ ########################################
788
+ #Aus dem File-Pfad nur den Namen herausholen
789
+ def get_filename(file_pfad):
790
+ parts = file_pfad.rsplit('/', 1) # Den String nach dem letzten '/' aufteilen
791
+ if len(parts) == 2:
792
+ result = parts[1] # Der Teil nach dem letzten '/' ist in parts[1]
793
+ else:
794
+ result = "Ein Fehler im Filenamen ist aufgetreten..."
795
+ return result
796
+
797
+
798
+ def is_stop_word_or_prefix(s: str, stop_words: list) -> bool:
799
+ for stop_word in stop_words:
800
+ if s.endswith(stop_word):
801
+ return True
802
+ for i in range(1, len(stop_word)):
803
+ if s.endswith(stop_word[:i]):
804
+ return True
805
+ return False
806
+
807
+ #################################################
808
+ #Klasse mit zuständen - z.B. für interrupt wenn Stop gedrückt...
809
+ #################################################
810
+ class State:
811
+ interrupted = False
812
+
813
+ def interrupt(self):
814
+ self.interrupted = True
815
+
816
+ def recover(self):
817
+ self.interrupted = False
818
+ shared_state = State()
819
+
820
+ ###############################################
821
+ #Für die relevanten Dokumente - damit sie passend zum Dictionary die Attribute haben
822
+ ###############################################
823
+ class Document:
824
+ def __init__(self, content, title, page, path, split_id=None):
825
+ self.page_content = content
826
+ self.metadata = {
827
+ "title": title,
828
+ "page": page,
829
+ "path": path,
830
+ "split_id": split_id # Füge die ID in die Metadaten ein
831
+ }
832
+
833
+
834
+ ##########################################
835
+ #Class für die Directory Loader - um sie anzupassen
836
+ ##########################################
837
+ class CustomLoader:
838
+ def __init__(self, file_type, file_list, loader_func):
839
+ self.file_type = file_type
840
+ self.file_list = file_list
841
+ self.loader_func = loader_func
842
+
843
+ def load(self):
844
+ documents = []
845
+ for file_path in self.file_list:
846
+ with tempfile.NamedTemporaryFile(delete=False, suffix=self.file_type) as temp_file:
847
+ temp_path = temp_file.name
848
+
849
+ try:
850
+ # Datei aus dem Hugging Face Space herunterladen
851
+ downloaded_path = hf_hub_download(
852
+ repo_id=STORAGE_REPO_ID,
853
+ filename=file_path,
854
+ repo_type="space",
855
+ local_dir=os.path.dirname(temp_path),
856
+ token=hf_token
857
+ )
858
+
859
+ # Überprüfen, ob die Datei leer ist
860
+ if os.path.getsize(downloaded_path) == 0:
861
+ print(f"Warnung: Die Datei {file_path} ist leer und wird übersprungen.")
862
+ continue
863
+
864
+ documents.extend(self.loader_func(downloaded_path))
865
+ except Exception as e:
866
+ print(f"Fehler beim Verarbeiten der Datei {file_path}: {str(e)}")
867
+ finally:
868
+ # Sicherstellen, dass die temporäre Datei gelöscht wird
869
+ if os.path.exists(temp_path):
870
+ os.unlink(temp_path)
871
+
872
+ return documents