mb-rag 1.1.21__py3-none-any.whl → 1.1.22__py3-none-any.whl

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.

Potentially problematic release.


This version of mb-rag might be problematic. Click here for more details.

mb_rag/chatbot/basic.py CHANGED
@@ -204,12 +204,13 @@ class ModelFactory:
204
204
 
205
205
  @classmethod
206
206
  def create_hugging_face(cls, model_name: str = "Qwen/Qwen2.5-VL-7B-Instruct",model_function: str = "image-text-to-text",
207
- **kwargs) -> Any:
207
+ device='cpu',**kwargs) -> Any:
208
208
  """
209
209
  Create and load hugging face model.
210
210
  Args:
211
211
  model_name (str): Name of the model
212
212
  model_function (str): model function
213
+ device (str): Device to use. Default is cpu
213
214
  **kwargs: Additional arguments
214
215
  Returns:
215
216
  ChatHuggingFace: Chatbot model
@@ -225,22 +226,23 @@ class ModelFactory:
225
226
  from transformers import AutoTokenizer, AutoModelForCausalLM, pipeline
226
227
  import torch
227
228
 
228
- device = "cuda" if torch.cuda.is_available() else "cpu"
229
+ device = torch.device(device) if torch.cuda.is_available() else torch.device("cpu")
229
230
 
230
231
  temperature = kwargs.pop("temperature", 0.7)
231
232
  max_length = kwargs.pop("max_length", 1024)
232
233
 
233
- tokenizer = AutoTokenizer.from_pretrained(model_name)
234
+ tokenizer = AutoTokenizer.from_pretrained(model_name,trust_remote_code=True)
234
235
  model = AutoModelForCausalLM.from_pretrained(
235
236
  model_name,
236
237
  torch_dtype=torch.float16 if device == "cuda" else torch.float32,
237
238
  device_map=device,
239
+ trust_remote_code=True,
238
240
  **kwargs
239
241
  )
240
242
 
241
243
  # Create pipeline
242
244
  pipe = pipeline(
243
- "text-generation",
245
+ model_function,
244
246
  model=model,
245
247
  tokenizer=tokenizer,
246
248
  max_length=max_length,
mb_rag/version.py CHANGED
@@ -1,5 +1,5 @@
1
1
  MAJOR_VERSION = 1
2
2
  MINOR_VERSION = 1
3
- PATCH_VERSION = 21
3
+ PATCH_VERSION = 22
4
4
  version = '{}.{}.{}'.format(MAJOR_VERSION, MINOR_VERSION, PATCH_VERSION)
5
5
  __all__ = ['MAJOR_VERSION', 'MINOR_VERSION', 'PATCH_VERSION', 'version']
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.2
2
2
  Name: mb_rag
3
- Version: 1.1.21
3
+ Version: 1.1.22
4
4
  Summary: RAG function file
5
5
  Author: ['Malav Bateriwala']
6
6
  Requires-Python: >=3.8
@@ -1,7 +1,7 @@
1
1
  mb_rag/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
2
- mb_rag/version.py,sha256=goWLkakwqod2v59-27LsKWvHHVJ1y6U_KJvRRJIJ56I,207
2
+ mb_rag/version.py,sha256=MdYlquliW4HTyGehBHyYrWkbKgMYvz-ggotKwZvsUxE,207
3
3
  mb_rag/chatbot/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
4
- mb_rag/chatbot/basic.py,sha256=gzxLZj96j_aZm3TXtryUBmGO90vNYGtg6TAQJsAmMz0,22432
4
+ mb_rag/chatbot/basic.py,sha256=Bb3fAoYfkTPiB5vlQ9K4TfEO3m-TqukLhLzMbmdSOkc,22585
5
5
  mb_rag/chatbot/chains.py,sha256=vDbLX5R29sWN1pcFqJ5fyxJEgMCM81JAikunAEvMC9A,7223
6
6
  mb_rag/chatbot/prompts.py,sha256=n1PyiLbU-5fkslRv6aVOzt0dDlwya_cEdQ7kRnRhMuY,1749
7
7
  mb_rag/rag/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -9,7 +9,7 @@ mb_rag/rag/embeddings.py,sha256=KjBdekFDb5M3dRMco4r3dDMXMsG5dxdzKImuVIipsd0,2709
9
9
  mb_rag/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
10
10
  mb_rag/utils/bounding_box.py,sha256=G0hdDam8QmYtD9lfwMeDHGm-TTo6KZg-yK5ESFL9zaM,8366
11
11
  mb_rag/utils/extra.py,sha256=spbFrGgdruNyYQ5PzgvpSIa6Nm0rn9bb4qc8W9g582o,2492
12
- mb_rag-1.1.21.dist-info/METADATA,sha256=A6YdCferOs7EC0kyDjDnEeO1grRwN7g1zZ_h9e3I0Zw,234
13
- mb_rag-1.1.21.dist-info/WHEEL,sha256=jB7zZ3N9hIM9adW7qlTAyycLYW9npaWKLRzaoVcLKcM,91
14
- mb_rag-1.1.21.dist-info/top_level.txt,sha256=FIK1eAa5uYnurgXZquBG-s3PIy-HDTC5yJBW4lTH_pM,7
15
- mb_rag-1.1.21.dist-info/RECORD,,
12
+ mb_rag-1.1.22.dist-info/METADATA,sha256=cghtqSh0h2irAQ3MZvHzRIiYwrPRyl5BPvMdzD34M2I,234
13
+ mb_rag-1.1.22.dist-info/WHEEL,sha256=jB7zZ3N9hIM9adW7qlTAyycLYW9npaWKLRzaoVcLKcM,91
14
+ mb_rag-1.1.22.dist-info/top_level.txt,sha256=FIK1eAa5uYnurgXZquBG-s3PIy-HDTC5yJBW4lTH_pM,7
15
+ mb_rag-1.1.22.dist-info/RECORD,,