kolzchut-ragbot 1.1.1__tar.gz → 1.1.2__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/PKG-INFO +1 -1
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/Document.py +101 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/IntegrateService.py +4 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/__init__.py +2 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/config.py +5 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/engine.py +246 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/llm_client.py +11 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot/model.py +171 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/kolzchut_ragbot.egg-info/PKG-INFO +1 -1
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/kolzchut_ragbot.egg-info/SOURCES.txt +7 -0
- kolzchut_ragbot-1.1.2/kolzchut_ragbot.egg-info/top_level.txt +1 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/setup.py +1 -1
- kolzchut_ragbot-1.1.1/kolzchut_ragbot.egg-info/top_level.txt +0 -1
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/README.md +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/kolzchut_ragbot.egg-info/dependency_links.txt +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/kolzchut_ragbot.egg-info/requires.txt +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/pyproject.toml +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/setup.cfg +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/test/test_configs.py +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/test/test_document.py +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/test/test_engine.py +0 -0
- {kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/test/test_model.py +0 -0
@@ -0,0 +1,101 @@
|
|
1
|
+
import json
|
2
|
+
import os
|
3
|
+
|
4
|
+
DEFINITIONS_FILE = os.getenv("DOCUMENT_DEFINITION_CONFIG", "example-conf.json")
|
5
|
+
|
6
|
+
|
7
|
+
class DocumentFieldDefinition:
|
8
|
+
"""
|
9
|
+
Represents the definition of a document field.
|
10
|
+
|
11
|
+
Attributes:
|
12
|
+
field_name (str): The name of the field.
|
13
|
+
required (bool): Indicates if the field is required. Default is False.
|
14
|
+
"""
|
15
|
+
def __init__(self, field_name: str, required: bool = False):
|
16
|
+
self.field_name = field_name
|
17
|
+
self.required = required
|
18
|
+
|
19
|
+
|
20
|
+
class DocumentDefinitions:
|
21
|
+
"""
|
22
|
+
Represents the definitions for a document.
|
23
|
+
|
24
|
+
Attributes:
|
25
|
+
saved_fields (dict[str, DocumentFieldDefinition]): A dictionary of saved fields.
|
26
|
+
models (dict[str, str]): A dictionary of models.
|
27
|
+
identifier (str): The identifier field.
|
28
|
+
field_for_llm (str, optional): The field for LLM. Default is None.
|
29
|
+
"""
|
30
|
+
def __init__(self, saved_fields: dict[str, DocumentFieldDefinition], models: dict[str, str],
|
31
|
+
identifier: str, field_for_llm: str = None):
|
32
|
+
self.saved_fields = saved_fields
|
33
|
+
self.models = models
|
34
|
+
self.identifier = identifier
|
35
|
+
self.field_for_llm = field_for_llm
|
36
|
+
|
37
|
+
|
38
|
+
def initialize_definitions():
|
39
|
+
"""
|
40
|
+
Initializes the document definitions by reading the configuration file.
|
41
|
+
|
42
|
+
Raises:
|
43
|
+
ValueError: If the identifier field is not one of the saved fields or if any model field is not one of the saved fields.
|
44
|
+
|
45
|
+
Returns:
|
46
|
+
DocumentDefinitions: The initialized document definitions.
|
47
|
+
"""
|
48
|
+
with open(DEFINITIONS_FILE, 'r', encoding='utf-8') as f:
|
49
|
+
definitions = json.load(f)
|
50
|
+
|
51
|
+
saved_fields = definitions['saved_fields']
|
52
|
+
models = definitions['models']
|
53
|
+
identifier_field = definitions['identifier_field']
|
54
|
+
field_for_llm = definitions.get('field_for_llm', None)
|
55
|
+
if identifier_field not in saved_fields.keys():
|
56
|
+
raise ValueError("identifier_field must be one of the saved fields, check the configuration file")
|
57
|
+
|
58
|
+
for embedded_field in models.values():
|
59
|
+
if embedded_field not in saved_fields.keys():
|
60
|
+
raise ValueError(f"{embedded_field} must be one of the saved fields {saved_fields.keys()}, check the configuration file")
|
61
|
+
|
62
|
+
return DocumentDefinitions(saved_fields, models, identifier_field, field_for_llm)
|
63
|
+
|
64
|
+
|
65
|
+
definitions_singleton = None
|
66
|
+
|
67
|
+
|
68
|
+
def factory():
|
69
|
+
"""
|
70
|
+
Factory method to get the singleton instance of DocumentDefinitions.
|
71
|
+
|
72
|
+
Returns:
|
73
|
+
DocumentDefinitions: The singleton instance of document definitions.
|
74
|
+
"""
|
75
|
+
global definitions_singleton
|
76
|
+
if definitions_singleton is None:
|
77
|
+
definitions_singleton = initialize_definitions()
|
78
|
+
return definitions_singleton
|
79
|
+
|
80
|
+
|
81
|
+
class Document:
|
82
|
+
"""
|
83
|
+
Represents a document.
|
84
|
+
|
85
|
+
Attributes:
|
86
|
+
page_id (str): The ID of the page.
|
87
|
+
fields (dict): The fields of the document.
|
88
|
+
|
89
|
+
Raises:
|
90
|
+
ValueError: If the fields do not match the required fields or if a required field is missing.
|
91
|
+
"""
|
92
|
+
def __init__(self, page_id: str, fields: dict):
|
93
|
+
definitions = factory()
|
94
|
+
self.page_id = page_id
|
95
|
+
if fields.keys() != definitions.saved_fields.keys():
|
96
|
+
raise ValueError("fields do not match the required fields")
|
97
|
+
for defined_field in definitions.saved_fields.values():
|
98
|
+
if defined_field.required and defined_field.field_name not in fields:
|
99
|
+
raise ValueError(f"field {defined_field.field_name} is required")
|
100
|
+
if defined_field.field_name in fields:
|
101
|
+
setattr(self, defined_field.field_name, fields[defined_field.field_name])
|
@@ -0,0 +1,246 @@
|
|
1
|
+
import time
|
2
|
+
from collections import defaultdict
|
3
|
+
from datetime import datetime
|
4
|
+
from .llm_client import LLMClient
|
5
|
+
from . import config
|
6
|
+
from .model import es_client_factory
|
7
|
+
from .Document import factory
|
8
|
+
from sentence_transformers import SentenceTransformer
|
9
|
+
from transformers import AutoTokenizer, AutoModelForSequenceClassification
|
10
|
+
|
11
|
+
import torch
|
12
|
+
import os
|
13
|
+
|
14
|
+
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
|
15
|
+
definitions = factory()
|
16
|
+
|
17
|
+
|
18
|
+
class Engine:
|
19
|
+
"""
|
20
|
+
Engine class for handling document search and retrieval using Elasticsearch and LLMs.
|
21
|
+
|
22
|
+
Attributes:
|
23
|
+
llms_client (LLMClient): The LLM client instance.
|
24
|
+
elastic_model (Model): The Elasticsearch model instance.
|
25
|
+
models (dict): A dictionary of SentenceTransformer models.
|
26
|
+
reranker_tokenizer (AutoTokenizer): The tokenizer for the reranker model.
|
27
|
+
reranker_model (AutoModelForSequenceClassification): The reranker model.
|
28
|
+
identifier_field (str): The identifier field for documents.
|
29
|
+
|
30
|
+
Methods:
|
31
|
+
rerank_with_me5(query, documents, k=5):
|
32
|
+
Reranks documents based on the query using the reranker model.
|
33
|
+
|
34
|
+
update_docs(list_of_docs, embed_only_fields=None, delete_existing=False):
|
35
|
+
Updates or creates documents in the Elasticsearch index.
|
36
|
+
|
37
|
+
reciprocal_rank_fusion(ranking_lists, k=60, weights=None):
|
38
|
+
Performs Reciprocal Rank Fusion on a list of ranking lists.
|
39
|
+
|
40
|
+
search_documents(query, top_k):
|
41
|
+
Searches for documents based on the query and returns the top_k results.
|
42
|
+
|
43
|
+
answer_query(query, top_k, model):
|
44
|
+
Answers a query using the top_k documents and the specified model.
|
45
|
+
"""
|
46
|
+
|
47
|
+
def __init__(self, llms_client: LLMClient, elastic_model=None, models=None, reranker_tokenizer=None,
|
48
|
+
reranker_model=None, es_client=None):
|
49
|
+
"""
|
50
|
+
Initializes the Engine instance.
|
51
|
+
|
52
|
+
Args:
|
53
|
+
llms_client (LLMClient): The LLM client instance.
|
54
|
+
elastic_model (Model, optional): The Elasticsearch model instance. Default is None.
|
55
|
+
models (dict, optional): A dictionary of SentenceTransformer models. Default is None.
|
56
|
+
reranker_tokenizer (AutoTokenizer, optional): The tokenizer for the reranker model. Default is None.
|
57
|
+
reranker_model (AutoModelForSequenceClassification, optional): The reranker model. Default is None.
|
58
|
+
es_client (optional): The Elasticsearch client instance. Default is None.
|
59
|
+
"""
|
60
|
+
if elastic_model is None:
|
61
|
+
self.elastic_model = es_client_factory(es_client)
|
62
|
+
else:
|
63
|
+
self.elastic_model = elastic_model
|
64
|
+
|
65
|
+
self.llms_client = llms_client
|
66
|
+
|
67
|
+
self.identifier_field = factory().identifier
|
68
|
+
|
69
|
+
if models is None:
|
70
|
+
self.models = {f"{model_name}": SentenceTransformer(config.MODELS_LOCATION + "/" + model_name).to(device)
|
71
|
+
for model_name in definitions.models.keys()}
|
72
|
+
else:
|
73
|
+
self.models = models
|
74
|
+
for model in self.models.values():
|
75
|
+
model.eval()
|
76
|
+
|
77
|
+
if reranker_tokenizer is None:
|
78
|
+
self.reranker_tokenizer = AutoTokenizer.from_pretrained(os.getenv("TOKENIZER_LOCATION"))
|
79
|
+
else:
|
80
|
+
self.reranker_tokenizer = reranker_tokenizer
|
81
|
+
|
82
|
+
if reranker_model is None:
|
83
|
+
self.reranker_model = AutoModelForSequenceClassification.from_pretrained(os.getenv("TOKENIZER_LOCATION"))
|
84
|
+
else:
|
85
|
+
self.reranker_model = reranker_model
|
86
|
+
self.reranker_model.eval()
|
87
|
+
|
88
|
+
|
89
|
+
def rerank_with_me5(self, query, documents, k=5):
|
90
|
+
"""
|
91
|
+
Reranks documents based on the query using the reranker model.
|
92
|
+
|
93
|
+
Args:
|
94
|
+
query (str): The query string.
|
95
|
+
documents (list): A list of documents to be reranked.
|
96
|
+
k (int, optional): The number of top documents to return. Default is 5.
|
97
|
+
|
98
|
+
Returns:
|
99
|
+
list: A list of top k reranked documents.
|
100
|
+
"""
|
101
|
+
pairs = [(query, doc) for doc in set(documents)]
|
102
|
+
inputs = self.reranker_tokenizer(pairs, return_tensors='pt', padding=True, truncation=True, max_length=512)
|
103
|
+
|
104
|
+
# Make predictions
|
105
|
+
with torch.no_grad():
|
106
|
+
outputs = self.reranker_model(**inputs)
|
107
|
+
|
108
|
+
scores = outputs.logits.squeeze()
|
109
|
+
|
110
|
+
if scores.ndim > 1:
|
111
|
+
scores = scores[:, 1] # Assuming binary classification and index 1 is the relevance score
|
112
|
+
|
113
|
+
sorted_indices = torch.argsort(scores, descending=True)
|
114
|
+
# If there is only one document, return it to avoid torch error
|
115
|
+
if len(sorted_indices) == 1:
|
116
|
+
return [pairs[0][1]]
|
117
|
+
# Sort documents by their highest score
|
118
|
+
sorted_docs = [pairs[i][1] for i in sorted_indices]
|
119
|
+
return sorted_docs[:k]
|
120
|
+
|
121
|
+
def update_docs(self, list_of_docs: list[dict], embed_only_fields=None, delete_existing=False):
|
122
|
+
"""
|
123
|
+
Updates or creates documents in the Elasticsearch index.
|
124
|
+
|
125
|
+
Args:
|
126
|
+
list_of_docs (list[dict]): A list of dictionaries representing the documents to be indexed.
|
127
|
+
embed_only_fields (list, optional): A list of fields to be embedded. Default is None.
|
128
|
+
delete_existing (bool, optional): Whether to delete existing documents. Default is False.
|
129
|
+
"""
|
130
|
+
embed_only_fields = embed_only_fields or definitions.models.values()
|
131
|
+
for doc in list_of_docs:
|
132
|
+
for semantic_model, field in definitions.models.items():
|
133
|
+
if field in doc.keys() and field in embed_only_fields:
|
134
|
+
content_vectors = self.models[semantic_model].encode(doc[field])
|
135
|
+
doc[f'{field}_{semantic_model}_vectors'] = content_vectors
|
136
|
+
|
137
|
+
doc['last_update'] = datetime.now()
|
138
|
+
self.elastic_model.create_or_update_documents(list_of_docs, delete_existing)
|
139
|
+
|
140
|
+
def reciprocal_rank_fusion(self, ranking_lists, k=60, weights=None):
|
141
|
+
"""
|
142
|
+
Performs Reciprocal Rank Fusion on a list of ranking lists.
|
143
|
+
|
144
|
+
Args:
|
145
|
+
:param ranking_lists: List of ranking lists, where each ranking list is a list of documents returned by a model.
|
146
|
+
:param k: The parameter for the reciprocal rank calculation (default is 60).
|
147
|
+
:param: weights: Optional. Weights for each ranking list.
|
148
|
+
|
149
|
+
Returns:
|
150
|
+
list: A fused ranking list of documents.
|
151
|
+
"""
|
152
|
+
scores = defaultdict(float)
|
153
|
+
|
154
|
+
for list_index, rank_list in enumerate(ranking_lists):
|
155
|
+
for rank, identifier in enumerate(rank_list):
|
156
|
+
# Reciprocal rank score
|
157
|
+
w = weights[list_index] if weights else 1
|
158
|
+
scores[identifier] += w / (k + rank + 1)
|
159
|
+
|
160
|
+
# Sort the documents by their cumulative scores in descending order
|
161
|
+
fused_list = sorted(scores, key=scores.get, reverse=True)
|
162
|
+
|
163
|
+
return fused_list
|
164
|
+
|
165
|
+
def search_documents(self, query: str, top_k: int):
|
166
|
+
"""
|
167
|
+
Searches for documents based on the query and returns the top_k results.
|
168
|
+
|
169
|
+
Args:
|
170
|
+
query (str): The query string.
|
171
|
+
top_k (int): The number of top documents to return.
|
172
|
+
|
173
|
+
Returns:
|
174
|
+
list: A list of top k documents.
|
175
|
+
"""
|
176
|
+
query_embeddings = {f"{semantic_model}": self.models[semantic_model].encode(query) for semantic_model in
|
177
|
+
definitions.models.keys()}
|
178
|
+
all_docs_by_model = self.elastic_model.search(query_embeddings)
|
179
|
+
all_docs = []
|
180
|
+
ids_for_fusion = []
|
181
|
+
all_docs_and_scores = []
|
182
|
+
|
183
|
+
for key, values in all_docs_by_model.items():
|
184
|
+
print(f"\nFound {len(values)} documents for model\n")
|
185
|
+
model_ids = []
|
186
|
+
scores_for_model = []
|
187
|
+
|
188
|
+
for doc in values:
|
189
|
+
model_ids.append(doc["_source"]["page_id"])
|
190
|
+
all_docs.append(doc)
|
191
|
+
scores_for_model.append({"doc": doc["_source"]["title"], "score": doc["_score"]})
|
192
|
+
ids_for_fusion.append(model_ids)
|
193
|
+
all_docs_and_scores.append({f'{key}': scores_for_model})
|
194
|
+
print(f"\nFusing {len(ids_for_fusion)} results\n")
|
195
|
+
fused_ids = self.reciprocal_rank_fusion(ids_for_fusion, k=top_k)
|
196
|
+
top_k_documents = []
|
197
|
+
top_titles = []
|
198
|
+
|
199
|
+
for fused_id in fused_ids:
|
200
|
+
for doc in all_docs:
|
201
|
+
if doc["_source"]["page_id"] == fused_id and doc["_source"]["title"] not in top_titles:
|
202
|
+
top_k_documents.append({"doc":doc["_source"], "score":doc["_score"]})
|
203
|
+
top_titles.append(doc["_source"]["title"])
|
204
|
+
break
|
205
|
+
if len(top_titles) >= top_k:
|
206
|
+
break
|
207
|
+
|
208
|
+
return top_k_documents, all_docs_and_scores
|
209
|
+
|
210
|
+
def answer_query(self, query, top_k: int, model):
|
211
|
+
"""
|
212
|
+
Answers a query using the top_k documents and the specified model.
|
213
|
+
|
214
|
+
Args:
|
215
|
+
query (str): The query string.
|
216
|
+
top_k (int): The number of top documents to use for answering the query.
|
217
|
+
model: The model to use for answering the query.
|
218
|
+
|
219
|
+
Returns:
|
220
|
+
tuple: A tuple containing the top k documents, the answer, and the stats.
|
221
|
+
"""
|
222
|
+
before_retrieval = time.perf_counter()
|
223
|
+
top_k_documents, all_docs_and_scores = self.search_documents(query, top_k)
|
224
|
+
|
225
|
+
|
226
|
+
retrieval_time = round(time.perf_counter() - before_retrieval, 4)
|
227
|
+
print(f"retrieval time: {retrieval_time}")
|
228
|
+
|
229
|
+
gpt_answer, gpt_elapsed, tokens = self.llms_client.answer(query, top_k_documents)
|
230
|
+
stats = {
|
231
|
+
"retrieval_time": retrieval_time,
|
232
|
+
"gpt_model": model,
|
233
|
+
"gpt_time": gpt_elapsed,
|
234
|
+
"tokens": tokens
|
235
|
+
}
|
236
|
+
return top_k_documents, gpt_answer, stats, all_docs_and_scores
|
237
|
+
|
238
|
+
|
239
|
+
engine = None
|
240
|
+
|
241
|
+
|
242
|
+
def engine_factory(llms_client: LLMClient, es_client=None):
|
243
|
+
global engine
|
244
|
+
if engine is None:
|
245
|
+
engine = Engine(llms_client=llms_client, es_client=es_client)
|
246
|
+
return engine
|
@@ -0,0 +1,11 @@
|
|
1
|
+
from .Document import factory
|
2
|
+
from abc import ABC, abstractmethod
|
3
|
+
definitions = factory()
|
4
|
+
|
5
|
+
class LLMClient(ABC):
|
6
|
+
@abstractmethod
|
7
|
+
def __init__(self):
|
8
|
+
self.field_for_answer = definitions.field_for_llm
|
9
|
+
@abstractmethod
|
10
|
+
def answer(self, _question, _top_k_docs) -> tuple[str, float, int]:
|
11
|
+
raise NotImplementedError
|
@@ -0,0 +1,171 @@
|
|
1
|
+
import datetime
|
2
|
+
import logging
|
3
|
+
import os
|
4
|
+
from .Document import factory as definitions_factory
|
5
|
+
|
6
|
+
definitions_singleton = definitions_factory()
|
7
|
+
EMBEDDING_INDEX = os.getenv("ES_EMBEDDING_INDEX", "embeddings")
|
8
|
+
semantic_models = definitions_singleton.models.keys()
|
9
|
+
|
10
|
+
|
11
|
+
def index_from_page_id(page_id: int):
|
12
|
+
"""
|
13
|
+
Generates an index name based on the page ID.
|
14
|
+
|
15
|
+
Args:
|
16
|
+
page_id (int): The ID of the page.
|
17
|
+
|
18
|
+
Returns:
|
19
|
+
str: The generated index name.
|
20
|
+
"""
|
21
|
+
index_postfix = round(page_id / 1000)
|
22
|
+
return EMBEDDING_INDEX + "_" + str(index_postfix)
|
23
|
+
|
24
|
+
|
25
|
+
class Model:
|
26
|
+
"""
|
27
|
+
Represents the model for creating, updating, and searching documents in Elasticsearch.
|
28
|
+
|
29
|
+
Attributes:
|
30
|
+
custom_result_selection_function (callable): A custom function for selecting search results.
|
31
|
+
es_client: The Elasticsearch client instance.
|
32
|
+
|
33
|
+
Methods:
|
34
|
+
create_index():
|
35
|
+
Creates an index for the model in Elasticsearch.
|
36
|
+
|
37
|
+
create_or_update_documents(paragraphs_dicts: list[dict], update=False):
|
38
|
+
Creates or updates documents in the Elasticsearch index.
|
39
|
+
|
40
|
+
search(embedded_search: dict[str, list[float]], size=50) -> dict[str, list[dict]]:
|
41
|
+
Searches for similar documents using cosine similarity.
|
42
|
+
"""
|
43
|
+
|
44
|
+
custom_result_selection_function = None
|
45
|
+
|
46
|
+
def __init__(self, es_client, custom_result_selection_function=None):
|
47
|
+
"""
|
48
|
+
Initializes the Model instance.
|
49
|
+
|
50
|
+
Args:
|
51
|
+
es_client: The Elasticsearch client instance.
|
52
|
+
custom_result_selection_function (callable, optional): A custom function for selecting search results.
|
53
|
+
"""
|
54
|
+
self.es_client = es_client
|
55
|
+
if custom_result_selection_function is not None:
|
56
|
+
self.custom_result_selection_function = custom_result_selection_function
|
57
|
+
|
58
|
+
def create_index(self):
|
59
|
+
"""
|
60
|
+
Creates an index for the model in Elasticsearch.
|
61
|
+
"""
|
62
|
+
if not self.es_client.indices.exists(index=os.getenv("ES_EMBEDDING_INDEX")):
|
63
|
+
vector_fields = {f"{name}_{semantic_model}_vectors": {"type": "dense_vector", "dims": 1024}
|
64
|
+
for name, semantic_model in definitions_singleton.models.items()}
|
65
|
+
data_fields = {f"{field}": {"type": definitions_singleton.saved_fields[field]}
|
66
|
+
for field in definitions_singleton.saved_fields.keys()}
|
67
|
+
|
68
|
+
self.es_client.indices.create(
|
69
|
+
index=os.getenv("ES_EMBEDDING_INDEX"),
|
70
|
+
mappings={
|
71
|
+
"properties": {
|
72
|
+
"last_update": {
|
73
|
+
"type": "date"
|
74
|
+
},
|
75
|
+
**vector_fields,
|
76
|
+
**data_fields,
|
77
|
+
}
|
78
|
+
})
|
79
|
+
|
80
|
+
def create_or_update_documents(self, paragraphs_dicts: list[dict], update=False):
|
81
|
+
"""
|
82
|
+
Creates or updates documents in the Elasticsearch index.
|
83
|
+
|
84
|
+
Args:
|
85
|
+
paragraphs_dicts (list[dict]): A list of dictionaries representing the paragraphs to be indexed.
|
86
|
+
update (bool, optional): Whether to update existing documents. Default is False.
|
87
|
+
"""
|
88
|
+
|
89
|
+
identifier = definitions_singleton.identifier
|
90
|
+
print(f"Creating or updating documents in the index, {len(paragraphs_dicts)} paragraphs\n")
|
91
|
+
# Identify the doc from the first paragraph - all paragraphs should have the same doc_id
|
92
|
+
doc_id = paragraphs_dicts[0][identifier]
|
93
|
+
index = index_from_page_id(int(doc_id))
|
94
|
+
|
95
|
+
if update:
|
96
|
+
hits = []
|
97
|
+
try:
|
98
|
+
existing_doc = self.es_client.search(
|
99
|
+
index=index,
|
100
|
+
body={
|
101
|
+
"query": {
|
102
|
+
"term": {f"{identifier}": {"value": doc_id}}}
|
103
|
+
})
|
104
|
+
hits = existing_doc["hits"]["hits"]
|
105
|
+
|
106
|
+
except Exception as e:
|
107
|
+
logging.error(f"Error while searching for existing document: {e}")
|
108
|
+
if len(hits) > 0:
|
109
|
+
print("delete existing documents")
|
110
|
+
for hit in hits:
|
111
|
+
print("delete existing document", hit["_id"])
|
112
|
+
self.es_client.delete(index=index, id=hit["_id"])
|
113
|
+
|
114
|
+
for i, doc_dict in enumerate(paragraphs_dicts):
|
115
|
+
print(f"saving paragraph {i}")
|
116
|
+
doc = {
|
117
|
+
"last_update": datetime.datetime.now(),
|
118
|
+
**doc_dict
|
119
|
+
}
|
120
|
+
|
121
|
+
self.es_client.index(index=index, body=doc)
|
122
|
+
|
123
|
+
def search(self, embedded_search: dict[str, list[float]], size=50) -> dict[str, list[dict]]:
|
124
|
+
"""
|
125
|
+
Searches for similar documents using cosine similarity.
|
126
|
+
|
127
|
+
Args:
|
128
|
+
embedded_search (dict[str, list[float]]): A dictionary containing the embedded search vectors.
|
129
|
+
size (int, optional): The number of search results to return. Default is 50.
|
130
|
+
|
131
|
+
Returns:
|
132
|
+
dict[str, list[dict]]: A dictionary containing the search results.
|
133
|
+
"""
|
134
|
+
results = {}
|
135
|
+
for semantic_model, field in definitions_singleton.models.items():
|
136
|
+
results[field] = [] if field not in results.keys() else results[field]
|
137
|
+
body = {
|
138
|
+
"script_score": {
|
139
|
+
"query": {
|
140
|
+
"exists": {
|
141
|
+
"field": f'{field}_{semantic_model}_vectors'
|
142
|
+
}
|
143
|
+
},
|
144
|
+
"script": {
|
145
|
+
"source": f"cosineSimilarity(params.query_vector, '{field}_{semantic_model}_vectors') + 1.0",
|
146
|
+
"params": {
|
147
|
+
"query_vector": embedded_search[semantic_model]
|
148
|
+
}
|
149
|
+
}
|
150
|
+
}
|
151
|
+
}
|
152
|
+
print(f"Searching for {field} using {semantic_model} on index {EMBEDDING_INDEX}\n")
|
153
|
+
field_results = self.es_client.search(
|
154
|
+
index=EMBEDDING_INDEX + "*",
|
155
|
+
body={
|
156
|
+
"size": size,
|
157
|
+
"query": body
|
158
|
+
})
|
159
|
+
results[field] = results[field] + field_results["hits"]["hits"]
|
160
|
+
|
161
|
+
return results
|
162
|
+
|
163
|
+
|
164
|
+
model = None
|
165
|
+
|
166
|
+
|
167
|
+
def es_client_factory(es_client) -> Model:
|
168
|
+
global model
|
169
|
+
if model is None:
|
170
|
+
model = Model(es_client)
|
171
|
+
return model
|
@@ -1,6 +1,13 @@
|
|
1
1
|
README.md
|
2
2
|
pyproject.toml
|
3
3
|
setup.py
|
4
|
+
kolzchut_ragbot/Document.py
|
5
|
+
kolzchut_ragbot/IntegrateService.py
|
6
|
+
kolzchut_ragbot/__init__.py
|
7
|
+
kolzchut_ragbot/config.py
|
8
|
+
kolzchut_ragbot/engine.py
|
9
|
+
kolzchut_ragbot/llm_client.py
|
10
|
+
kolzchut_ragbot/model.py
|
4
11
|
kolzchut_ragbot.egg-info/PKG-INFO
|
5
12
|
kolzchut_ragbot.egg-info/SOURCES.txt
|
6
13
|
kolzchut_ragbot.egg-info/dependency_links.txt
|
@@ -0,0 +1 @@
|
|
1
|
+
kolzchut_ragbot
|
@@ -2,7 +2,7 @@ from setuptools import setup, find_packages
|
|
2
2
|
|
3
3
|
setup(
|
4
4
|
name='kolzchut-ragbot',
|
5
|
-
version='1.1.
|
5
|
+
version='1.1.2',
|
6
6
|
author='Shmuel Robinov',
|
7
7
|
author_email='shmuel_robinov@webiks.com',
|
8
8
|
description='A search engine using machine learning models and Elasticsearch for advanced document retrieval.',
|
@@ -1 +0,0 @@
|
|
1
|
-
|
File without changes
|
{kolzchut_ragbot-1.1.1 → kolzchut_ragbot-1.1.2}/kolzchut_ragbot.egg-info/dependency_links.txt
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|