ipex-llm 2.3.0b20250417__py3-none-win_amd64.whl → 2.3.0b20250420__py3-none-win_amd64.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.
Files changed (40) hide show
  1. ipex_llm/libs/bloom-api.dll +0 -0
  2. ipex_llm/libs/bloom.dll +0 -0
  3. ipex_llm/libs/gptneox-api.dll +0 -0
  4. ipex_llm/libs/gptneox.dll +0 -0
  5. ipex_llm/libs/libbloom_avx.dll +0 -0
  6. ipex_llm/libs/libbloom_vnni.dll +0 -0
  7. ipex_llm/libs/libgptneox_avx.dll +0 -0
  8. ipex_llm/libs/libgptneox_vnni.dll +0 -0
  9. ipex_llm/libs/libllama_avx.dll +0 -0
  10. ipex_llm/libs/libllama_vnni.dll +0 -0
  11. ipex_llm/libs/libstarcoder_avx.dll +0 -0
  12. ipex_llm/libs/libstarcoder_vnni.dll +0 -0
  13. ipex_llm/libs/llama-api.dll +0 -0
  14. ipex_llm/libs/llama.dll +0 -0
  15. ipex_llm/libs/main-bloom.exe +0 -0
  16. ipex_llm/libs/main-gptneox.exe +0 -0
  17. ipex_llm/libs/main-llama.exe +0 -0
  18. ipex_llm/libs/main-starcoder.exe +0 -0
  19. ipex_llm/libs/pipeline.dll +0 -0
  20. ipex_llm/libs/quantize-bloom.exe +0 -0
  21. ipex_llm/libs/quantize-bloom_vnni.exe +0 -0
  22. ipex_llm/libs/quantize-gptneox.exe +0 -0
  23. ipex_llm/libs/quantize-gptneox_vnni.exe +0 -0
  24. ipex_llm/libs/quantize-llama.exe +0 -0
  25. ipex_llm/libs/quantize-llama_vnni.exe +0 -0
  26. ipex_llm/libs/quantize-starcoder.exe +0 -0
  27. ipex_llm/libs/quantize-starcoder_vnni.exe +0 -0
  28. ipex_llm/libs/starcoder-api.dll +0 -0
  29. ipex_llm/libs/starcoder.dll +0 -0
  30. ipex_llm/transformers/models/common.py +54 -0
  31. ipex_llm/transformers/models/deepseek.py +8 -8
  32. ipex_llm/transformers/models/glm.py +2 -2
  33. {ipex_llm-2.3.0b20250417.dist-info → ipex_llm-2.3.0b20250420.dist-info}/METADATA +20 -20
  34. {ipex_llm-2.3.0b20250417.dist-info → ipex_llm-2.3.0b20250420.dist-info}/RECORD +40 -40
  35. {ipex_llm-2.3.0b20250417.data → ipex_llm-2.3.0b20250420.data}/scripts/ipex-llm-init.bat +0 -0
  36. {ipex_llm-2.3.0b20250417.data → ipex_llm-2.3.0b20250420.data}/scripts/llm-chat.ps1 +0 -0
  37. {ipex_llm-2.3.0b20250417.data → ipex_llm-2.3.0b20250420.data}/scripts/llm-cli.ps1 +0 -0
  38. {ipex_llm-2.3.0b20250417.dist-info → ipex_llm-2.3.0b20250420.dist-info}/WHEEL +0 -0
  39. {ipex_llm-2.3.0b20250417.dist-info → ipex_llm-2.3.0b20250420.dist-info}/entry_points.txt +0 -0
  40. {ipex_llm-2.3.0b20250417.dist-info → ipex_llm-2.3.0b20250420.dist-info}/top_level.txt +0 -0
Binary file
ipex_llm/libs/bloom.dll CHANGED
Binary file
Binary file
ipex_llm/libs/gptneox.dll CHANGED
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
ipex_llm/libs/llama.dll CHANGED
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
@@ -17,6 +17,7 @@
17
17
  import math
18
18
  import torch
19
19
  from typing import List
20
+ from ipex_llm.utils.common import invalidInputError
20
21
 
21
22
 
22
23
  def merge_linear(linears: List[torch.nn.Linear]) -> torch.nn.Linear:
@@ -303,3 +304,56 @@ def scaled_dot_product_attention(query: torch.Tensor, key: torch.Tensor,
303
304
  )
304
305
  attn_output = attn_output.to(dtype) # workaround ipex 2.1's bug
305
306
  return attn_output
307
+
308
+
309
+ def linear_forward(x: torch.Tensor, weight: torch.Tensor, qtype: int, out_features: int):
310
+ if weight.device.type == "xpu":
311
+ new_shape = x.shape[:-1] + (out_features,)
312
+ x = x.to(weight.device, dtype=torch.float16)
313
+ x_2d = x.contiguous().view(-1, x.shape[-1])
314
+ import xe_linear
315
+ x = xe_linear.forward_new(x_2d, weight, qtype, out_features)
316
+ x = x.view(new_shape)
317
+ return x
318
+ else:
319
+ invalidInputError(False,
320
+ "Unsupported device type: only support weight on xpu device.")
321
+
322
+
323
+ def quantize_linear(weight: torch.Tensor, in_features: int, precision: str):
324
+ from ipex_llm.transformers.low_bit_linear import FP4Params
325
+ from ipex_llm.ggml.quantize import ggml_tensor_qtype
326
+
327
+ invalidInputError(precision in ggml_tensor_qtype.keys(),
328
+ f"{precision} is not supported, "
329
+ f"only {ggml_tensor_qtype.keys()} are supported now.")
330
+ qtype = ggml_tensor_qtype[precision]
331
+ paramsLowBit = FP4Params(data=weight.data,
332
+ requires_grad=False,
333
+ quantized=False,
334
+ _shape=None,
335
+ convert_shape_only=False,
336
+ qtype=qtype,
337
+ in_features=in_features,
338
+ enable_scale_search=False).to("cpu")
339
+ return paramsLowBit, qtype
340
+
341
+
342
+ def moe_group_topk(scores: torch.Tensor, e_score_correction_bias: torch.Tensor,
343
+ n_group: int, topk_group: int, top_k: int, norm_topk_prob: float,
344
+ routed_scaling_factor: float):
345
+ import xe_addons
346
+ topk_idx, topk_weight = xe_addons.moe_group_topk(
347
+ scores, e_score_correction_bias,
348
+ n_group, 2, topk_group, top_k,
349
+ top_k > 1 and norm_topk_prob, 1e-20, routed_scaling_factor
350
+ )
351
+ return topk_idx, topk_weight
352
+
353
+
354
+ def rotary_two_with_cache_inplaced(query_states: torch.Tensor, key_states: torch.Tensor,
355
+ cos: torch.Tensor, sin: torch.Tensor,
356
+ half_layout: bool):
357
+ import xe_addons
358
+ xe_addons.rotary_two_with_cache_inplaced(query_states, key_states,
359
+ cos, sin, half_layout)
@@ -228,11 +228,11 @@ def deepseek_attention_forward(
228
228
  [k_nope, k_pe.expand([-1, self.num_heads, -1, -1])],
229
229
  dim=-1
230
230
  )
231
- import xe_addons
232
231
  cos, sin = position_embeddings
233
- xe_addons.rotary_two_with_cache_inplaced(query_states[:, :, :, self.qk_nope_head_dim:],
234
- key_states[:, :, :, self.qk_nope_head_dim:],
235
- cos, sin, True)
232
+ from ipex_llm.transformers.models.common import rotary_two_with_cache_inplaced
233
+ rotary_two_with_cache_inplaced(query_states[:, :, :, self.qk_nope_head_dim:],
234
+ key_states[:, :, :, self.qk_nope_head_dim:],
235
+ cos, sin, True)
236
236
  else:
237
237
  q_nope, q_pe = torch.split(
238
238
  q, [self.qk_nope_head_dim, self.qk_rope_head_dim], dim=-1
@@ -279,11 +279,11 @@ def fuse_gate_forward(self, x: torch.Tensor):
279
279
  )
280
280
  scores = logits.sigmoid()
281
281
 
282
- import xe_addons
283
- topk_idx, topk_weight = xe_addons.moe_group_topk(
282
+ from ipex_llm.transformers.models.common import moe_group_topk
283
+ topk_idx, topk_weight = moe_group_topk(
284
284
  scores, self.e_score_correction_bias,
285
- self.n_group, 2, self.topk_group, self.top_k,
286
- self.top_k > 1 and self.norm_topk_prob, 1e-20, self.routed_scaling_factor
285
+ self.n_group, self.topk_group, self.top_k,
286
+ self.norm_topk_prob, self.routed_scaling_factor
287
287
  )
288
288
  else:
289
289
  topk_idx, topk_weight = self(x)
@@ -98,9 +98,9 @@ def glm_attention_forward(
98
98
 
99
99
  cos, sin = position_embeddings
100
100
  if query_states.device.type == "xpu":
101
- import xe_addons
102
101
  make_cache_contiguous_inplaced(cos, sin)
103
- xe_addons.rotary_two_with_cache_inplaced(query_states, key_states, cos, sin, True)
102
+ from ipex_llm.transformers.models.common import rotary_two_with_cache_inplaced
103
+ rotary_two_with_cache_inplaced(query_states, key_states, cos, sin, True)
104
104
  else:
105
105
  query_states, key_states = apply_rotary_pos_emb(query_states, key_states, cos, sin)
106
106
 
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ipex-llm
3
- Version: 2.3.0b20250417
3
+ Version: 2.3.0b20250420
4
4
  Summary: Large Language Model Develop Toolkit
5
5
  Home-page: https://github.com/intel-analytics/ipex-llm
6
6
  Author: BigDL Authors
@@ -27,7 +27,7 @@ Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine
27
27
  Requires-Dist: torch ==2.1.2+cpu ; (platform_system == "Linux") and extra == 'all'
28
28
  Requires-Dist: torch ==2.1.2 ; (platform_system == "Windows") and extra == 'all'
29
29
  Provides-Extra: cpp
30
- Requires-Dist: bigdl-core-cpp ==2.7.0b20250417 ; extra == 'cpp'
30
+ Requires-Dist: bigdl-core-cpp ==2.7.0b20250420 ; extra == 'cpp'
31
31
  Requires-Dist: setuptools ; extra == 'cpp'
32
32
  Requires-Dist: onednn-devel ==2025.0.1 ; (platform_system == "Windows") and extra == 'cpp'
33
33
  Requires-Dist: onednn ==2025.0.1 ; (platform_system == "Windows") and extra == 'cpp'
@@ -60,7 +60,7 @@ Requires-Dist: transformers ==4.40.0 ; extra == 'npu'
60
60
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'npu'
61
61
  Requires-Dist: torch ==2.1.2+cpu ; (platform_system == "Linux") and extra == 'npu'
62
62
  Requires-Dist: torch ==2.1.2 ; (platform_system == "Windows") and extra == 'npu'
63
- Requires-Dist: bigdl-core-npu ==2.7.0b20250417 ; (platform_system == "Windows") and extra == 'npu'
63
+ Requires-Dist: bigdl-core-npu ==2.7.0b20250420 ; (platform_system == "Windows") and extra == 'npu'
64
64
  Provides-Extra: serving
65
65
  Requires-Dist: py-cpuinfo ; extra == 'serving'
66
66
  Requires-Dist: fschat[model_worker,webui] ==0.2.36 ; extra == 'serving'
@@ -80,9 +80,9 @@ Requires-Dist: setuptools <70.0.0 ; extra == 'xpu'
80
80
  Requires-Dist: torch ==2.1.0a0 ; extra == 'xpu'
81
81
  Requires-Dist: torchvision ==0.16.0a0 ; extra == 'xpu'
82
82
  Requires-Dist: intel-extension-for-pytorch ==2.1.10+xpu ; extra == 'xpu'
83
- Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250417 ; extra == 'xpu'
84
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250417 ; extra == 'xpu'
85
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250417 ; extra == 'xpu'
83
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250420 ; extra == 'xpu'
84
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250420 ; extra == 'xpu'
85
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250420 ; extra == 'xpu'
86
86
  Provides-Extra: xpu-2-1
87
87
  Requires-Dist: py-cpuinfo ; extra == 'xpu-2-1'
88
88
  Requires-Dist: protobuf ; extra == 'xpu-2-1'
@@ -97,9 +97,9 @@ Requires-Dist: setuptools <70.0.0 ; extra == 'xpu-2-1'
97
97
  Requires-Dist: torch ==2.1.0a0 ; extra == 'xpu-2-1'
98
98
  Requires-Dist: torchvision ==0.16.0a0 ; extra == 'xpu-2-1'
99
99
  Requires-Dist: intel-extension-for-pytorch ==2.1.10+xpu ; extra == 'xpu-2-1'
100
- Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250417 ; extra == 'xpu-2-1'
101
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250417 ; extra == 'xpu-2-1'
102
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250417 ; extra == 'xpu-2-1'
100
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250420 ; extra == 'xpu-2-1'
101
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250420 ; extra == 'xpu-2-1'
102
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250420 ; extra == 'xpu-2-1'
103
103
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-2-1'
104
104
  Requires-Dist: dpcpp-cpp-rt ==2024.0.2 ; (platform_system == "Windows") and extra == 'xpu-2-1'
105
105
  Requires-Dist: mkl-dpcpp ==2024.0.0 ; (platform_system == "Windows") and extra == 'xpu-2-1'
@@ -117,7 +117,7 @@ Requires-Dist: setuptools ; extra == 'xpu-2-6'
117
117
  Requires-Dist: torch ==2.6.0+xpu ; extra == 'xpu-2-6'
118
118
  Requires-Dist: torchvision ==0.21.0+xpu ; extra == 'xpu-2-6'
119
119
  Requires-Dist: torchaudio ==2.6.0+xpu ; extra == 'xpu-2-6'
120
- Requires-Dist: bigdl-core-xe-all ==2.7.0b20250417 ; extra == 'xpu-2-6'
120
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250420 ; extra == 'xpu-2-6'
121
121
  Requires-Dist: onednn-devel ==2025.0.1 ; extra == 'xpu-2-6'
122
122
  Requires-Dist: onednn ==2025.0.1 ; extra == 'xpu-2-6'
123
123
  Requires-Dist: dpcpp-cpp-rt ==2025.0.2 ; extra == 'xpu-2-6'
@@ -132,7 +132,7 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-2-6-arl'
132
132
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-2-6-arl'
133
133
  Requires-Dist: tabulate ; extra == 'xpu-2-6-arl'
134
134
  Requires-Dist: setuptools ; extra == 'xpu-2-6-arl'
135
- Requires-Dist: bigdl-core-xe-all ==2.7.0b20250417 ; extra == 'xpu-2-6-arl'
135
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250420 ; extra == 'xpu-2-6-arl'
136
136
  Requires-Dist: onednn-devel ==2025.0.1 ; extra == 'xpu-2-6-arl'
137
137
  Requires-Dist: onednn ==2025.0.1 ; extra == 'xpu-2-6-arl'
138
138
  Requires-Dist: dpcpp-cpp-rt ==2025.0.2 ; extra == 'xpu-2-6-arl'
@@ -155,9 +155,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arc'
155
155
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arc'
156
156
  Requires-Dist: tabulate ; extra == 'xpu-arc'
157
157
  Requires-Dist: setuptools ; extra == 'xpu-arc'
158
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250417 ; extra == 'xpu-arc'
159
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250417 ; extra == 'xpu-arc'
160
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250417 ; extra == 'xpu-arc'
158
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250420 ; extra == 'xpu-arc'
159
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250420 ; extra == 'xpu-arc'
160
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250420 ; extra == 'xpu-arc'
161
161
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arc'
162
162
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
163
163
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
@@ -178,9 +178,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arl'
178
178
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arl'
179
179
  Requires-Dist: tabulate ; extra == 'xpu-arl'
180
180
  Requires-Dist: setuptools ; extra == 'xpu-arl'
181
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250417 ; extra == 'xpu-arl'
182
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250417 ; extra == 'xpu-arl'
183
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250417 ; extra == 'xpu-arl'
181
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250420 ; extra == 'xpu-arl'
182
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250420 ; extra == 'xpu-arl'
183
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250420 ; extra == 'xpu-arl'
184
184
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arl'
185
185
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
186
186
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
@@ -201,9 +201,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-lnl'
201
201
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-lnl'
202
202
  Requires-Dist: tabulate ; extra == 'xpu-lnl'
203
203
  Requires-Dist: setuptools ; extra == 'xpu-lnl'
204
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250417 ; extra == 'xpu-lnl'
205
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250417 ; extra == 'xpu-lnl'
206
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250417 ; extra == 'xpu-lnl'
204
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250420 ; extra == 'xpu-lnl'
205
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250420 ; extra == 'xpu-lnl'
206
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250420 ; extra == 'xpu-lnl'
207
207
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-lnl'
208
208
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
209
209
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
@@ -41,35 +41,35 @@ ipex_llm/langchain/llms/transformerspipelinellm.py,sha256=vm522YPPwWxxAPVvQBtxRf
41
41
  ipex_llm/langchain/vllm/__init__.py,sha256=T-EbRT6GJ_8RCu-iLmSzcftOimXSPQf2d5X72AUAy2Y,874
42
42
  ipex_llm/langchain/vllm/vllm.py,sha256=6dxc-ZISZQrJilEa_HA827l75Dv9rcHpY_G6FdJ8BVs,7793
43
43
  ipex_llm/libs/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
44
- ipex_llm/libs/bloom-api.dll,sha256=8GKkxBSPTcSyRjh157F7qeuY52IPayY0y6z02zrp9Ds,36352
45
- ipex_llm/libs/bloom.dll,sha256=40E1CsiikXT4AvJJJqhMdwshFKEu-bU5pGsfoaoxEtY,507904
46
- ipex_llm/libs/gptneox-api.dll,sha256=_i-r-OokErtb34pTYJldcKlNJXSVaXqTN0bYlHwGFI8,24576
47
- ipex_llm/libs/gptneox.dll,sha256=U-Nju_l5nso4Nav4bXe8sYqTN-1dNjZVIjYbCQSt4wQ,568320
48
- ipex_llm/libs/libbloom_avx.dll,sha256=x8xvB7OO94d_ETc5PDLJYn1ZnrYTiv22157gvXQbMVg,536576
49
- ipex_llm/libs/libbloom_vnni.dll,sha256=OCKzhd6VXduwrLhHCOJT2r5s53NQ4UtQNtAIFwXSzR8,508416
50
- ipex_llm/libs/libgptneox_avx.dll,sha256=trVw-EQfARG8ndy2KNvcCdYq0gR3bCoAx_Z7mvLFxO4,596992
51
- ipex_llm/libs/libgptneox_vnni.dll,sha256=Q8UWiGduZEVcEMUtWncXiIOmkcW4Sv19LyIEjS2Rf-w,568832
52
- ipex_llm/libs/libllama_avx.dll,sha256=3-6vo7hiAZTkmc95nDLsTJiic5bHb7k9Wcivf0l3dhQ,591360
53
- ipex_llm/libs/libllama_vnni.dll,sha256=GehXAWR7mtzqe_ZhBw7PrInR5ivasLkCmckC3xQdjCc,563200
54
- ipex_llm/libs/libstarcoder_avx.dll,sha256=gCnQAEKtiwl8blIxyGeYZD4TFFvgUh_uRTFaVZgKTzs,627712
55
- ipex_llm/libs/libstarcoder_vnni.dll,sha256=AscRUtIJ_pCCjmqThSQNwgLjg44sqR7IioK9Eq90_pE,599552
56
- ipex_llm/libs/llama-api.dll,sha256=_8qUadqe6BqctrenKreEGwKOKq3xJdNbzrlIuIY4CrE,25600
57
- ipex_llm/libs/llama.dll,sha256=jks2Rsf-mg9Da8J4QhrCr-bQ8q5hyCWazLtzJz8fq50,562688
58
- ipex_llm/libs/main-bloom.exe,sha256=8YTMY3qPokXroK6hQY5JKtghIcVFVqKY3nQhyxGgGP8,103424
59
- ipex_llm/libs/main-gptneox.exe,sha256=6u4YNL-v9RHOCvDU7hS6ru5B8oooXZLdtNaAW3i9s_A,98816
60
- ipex_llm/libs/main-llama.exe,sha256=wfCXNmQrmc9TC6FD_c7VKlYACUZM7-f0gh6LYc77IG0,99840
61
- ipex_llm/libs/main-starcoder.exe,sha256=s9ljwEiHVGnFtxXotrZkj2CaIyZ8mZVXDpmDq6HG_Ms,157696
62
- ipex_llm/libs/pipeline.dll,sha256=-WNZTxBZDQL4qSl5yMu31GNlH_wsE1kPF0-bb2vHb5Y,73216
63
- ipex_llm/libs/quantize-bloom.exe,sha256=dsBq5vIfxk4up_gvTZb_xfgKYokXp93oE5QNY_-kquo,126464
64
- ipex_llm/libs/quantize-bloom_vnni.exe,sha256=_m6sLNQBIwU_Tbgiti47VcHA_H37aRCshki4HxcoMAY,128000
65
- ipex_llm/libs/quantize-gptneox.exe,sha256=7ca9rJmsmejukxjYzB-dcFRAqndnnbVVWoHjSy_Fm8U,104448
66
- ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=RP0WURiXe7hc6mjlKhNjmRuvgvyFsutwbklxUl1ICVU,104960
67
- ipex_llm/libs/quantize-llama.exe,sha256=gCoBeBfbTCwbE5ZnLofE0k6-MNtzjC2BHNg-guuAgp4,110080
68
- ipex_llm/libs/quantize-llama_vnni.exe,sha256=pbgZjdS5_53o6rJrjJ43WCzPx-Q_kQsrQNUU329qbbM,110592
69
- ipex_llm/libs/quantize-starcoder.exe,sha256=mrlqQoZvIX9UHGHIbtHeH_FT8bRxe2AC4tmM1VmZ3SU,127488
70
- ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=rT4HXKlcMKS0xgCOASGNFt1hGLttbLc3GXi-RlCyFMs,128512
71
- ipex_llm/libs/starcoder-api.dll,sha256=4x_33RngI5Kgo8OA_cR4N2xgvb2d5bz2bifxkpveUaI,21504
72
- ipex_llm/libs/starcoder.dll,sha256=gXOKiNobl6oZcQ21_KUO68GAqwEcfw7CvdcokfF1V3g,599040
44
+ ipex_llm/libs/bloom-api.dll,sha256=YNmzognYUO-lXfn8r9kvFCr8X8LFQoJAtdsKuRtSic4,36352
45
+ ipex_llm/libs/bloom.dll,sha256=q36ykx7GeOY7oZZb2LSGT8qIaQFTddiZGrJIpVvgkhk,507904
46
+ ipex_llm/libs/gptneox-api.dll,sha256=D8r8TJTRzitC2OnLkE2HaFNOVERwAs2cijdKBwnxusE,24576
47
+ ipex_llm/libs/gptneox.dll,sha256=qF_ITUrMz1smxYtn-YHVM7kx53O5qhMZCfL8BDq5uKc,568320
48
+ ipex_llm/libs/libbloom_avx.dll,sha256=NzY5RP1uiESeTb3gpceJ1YcSOnFEVOjnk-OLzESIsqw,536576
49
+ ipex_llm/libs/libbloom_vnni.dll,sha256=h6KbVa89K9EcaYzHapIMIjgEnU19c712-0EFox-HJK4,508416
50
+ ipex_llm/libs/libgptneox_avx.dll,sha256=7E__ByYfzCH-ee1eIY7HjxWgpylEcWSEAyu4W74SmqY,596992
51
+ ipex_llm/libs/libgptneox_vnni.dll,sha256=pw73t1wYYbGIOCaVpIfx-NGMScvWSXyce4Z8NqtFZVU,568832
52
+ ipex_llm/libs/libllama_avx.dll,sha256=xCfWvKjLgNj-aT3nlXvCImNFCBRK7TkIlkCVVXZEHts,591360
53
+ ipex_llm/libs/libllama_vnni.dll,sha256=B__DAfSVXtv8UEKFT1B7BnfJvolZm6boRAHs8Alxh1I,563200
54
+ ipex_llm/libs/libstarcoder_avx.dll,sha256=yfLUTS7sE-AMAb8yBetAjn9CXo9O0zYSpyeO_5okZLE,627712
55
+ ipex_llm/libs/libstarcoder_vnni.dll,sha256=8FBfDbcAgwFZmE1QIYLlR_l2z7kJMWNC9sRwJ4dNyrk,599552
56
+ ipex_llm/libs/llama-api.dll,sha256=YizTV-82mmtMfwQi5jmHnmLs-MUOiZ3MpIPw6_wbbf4,25600
57
+ ipex_llm/libs/llama.dll,sha256=cKLDTDAO9ymaIaSIgc3pXBAmq5m3hiBYMki4t52r8BI,562688
58
+ ipex_llm/libs/main-bloom.exe,sha256=cLuCmK6qvsm2KWFNDLdQ3xSr8JQDHvuqTLPunL2kMFo,103424
59
+ ipex_llm/libs/main-gptneox.exe,sha256=tCRScVCziz8JQXdCZon98_wWqL8srYQezLKuK0dz8xQ,98816
60
+ ipex_llm/libs/main-llama.exe,sha256=fjsypGdfq4U4xpmS4WV5b8JN-5C2ED2UnS_JnUBz8yQ,99840
61
+ ipex_llm/libs/main-starcoder.exe,sha256=4iKgsqD7EO_dQBqTVac1i4pxczOlTuJcoasEoOiahCg,157696
62
+ ipex_llm/libs/pipeline.dll,sha256=23Ssu6S4jwkvNXxyB80KHPkTpxHc8pKdTgSW2Tczbew,73216
63
+ ipex_llm/libs/quantize-bloom.exe,sha256=Tx710gJ806E3nsRlbJBsNNiZudK3UYIbgsU0s3faLfE,126464
64
+ ipex_llm/libs/quantize-bloom_vnni.exe,sha256=-SolBhet7XPWsRMOSP64URpYS0D0wQRCkElbb7KeKZA,128000
65
+ ipex_llm/libs/quantize-gptneox.exe,sha256=BA5yAVoQSu7TIVK3j4RDly8pXgXA1tSQotyHv3nMhD0,104448
66
+ ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=EyB0-auZ6SpxT5OhRSPdrkAFwjSa3tnZekhdishdVew,104960
67
+ ipex_llm/libs/quantize-llama.exe,sha256=Hd4BJEJqXtrN9fUD9jCi67i5ZfBiFdPU5LZ86YZPqEk,110080
68
+ ipex_llm/libs/quantize-llama_vnni.exe,sha256=6Q4kjO6twunYzcHggXgRjEGVccTJYC9yaXbfr1zyxkQ,110592
69
+ ipex_llm/libs/quantize-starcoder.exe,sha256=JQFa0qdyppEo55Tk53C5cWASH4XeKGEMjGuA1hYogzo,127488
70
+ ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=ST6lWV9u6dNSvyVC_yLoBfk6oH42O68XhU66vQeSLH4,128512
71
+ ipex_llm/libs/starcoder-api.dll,sha256=p0_OHtRAp2uzLmuiIBULbqyobnN-iGM4U1GTCLZbEq8,21504
72
+ ipex_llm/libs/starcoder.dll,sha256=144ThOaLyHHlqpadmNYYXU0otnp9vqh0daCaZnR1UkM,599040
73
73
  ipex_llm/llamaindex/__init__.py,sha256=T-EbRT6GJ_8RCu-iLmSzcftOimXSPQf2d5X72AUAy2Y,874
74
74
  ipex_llm/llamaindex/llms/__init__.py,sha256=KP1lEdGqDuxPoxL1ZSH25Pm2kKMPJBWUTLR0ckSLMIU,1139
75
75
  ipex_llm/llamaindex/llms/bigdlllm.py,sha256=FQBzq1KOjfc6uofTXAha3O7TqpJkNfOFepXQmOVlbnI,26314
@@ -146,13 +146,13 @@ ipex_llm/transformers/models/chatglm.py,sha256=DQM63oPIVMMTBQN4O4hPF4WY1aSiTWq4B
146
146
  ipex_llm/transformers/models/chatglm2.py,sha256=KyAIX7zGVQDQuwwM3QMBNWZbTeMHEzKUIgAryT0voHc,14933
147
147
  ipex_llm/transformers/models/chatglm4.py,sha256=QvUehdaCePB3MNHyWg3dneDxmjtBdxYeKUyQUVcsgfM,16886
148
148
  ipex_llm/transformers/models/chatglm4v.py,sha256=Ba9Xtzwtzk_rzg5khGqDrlHfJsDwc5YcM5_yPoord7o,13324
149
- ipex_llm/transformers/models/common.py,sha256=LVA9nL_qJ61NEkEn9T985PjrrWPGpDTCALknH4Qv5aw,13040
149
+ ipex_llm/transformers/models/common.py,sha256=ueLGko8May2qWdjI-lSH30LXY4NYrqtBDXZekfq9rfQ,15374
150
150
  ipex_llm/transformers/models/decilm.py,sha256=P-PBuDPf07GvKggLwJx_wPwIn6esN3rX8ai2JxRuZmE,5246
151
- ipex_llm/transformers/models/deepseek.py,sha256=w6tGeyJ9joD7lQBiZ6A01Z00g8hAXC1N2yGtJh8kyuk,13096
151
+ ipex_llm/transformers/models/deepseek.py,sha256=LFFA3tOtS3-WVoNmQQsfAymMCwNZiVQyBRZ4ZN_-IaE,13135
152
152
  ipex_llm/transformers/models/deepseek_v3.py,sha256=CTgwIKQlUPlUCbOxc9Id5GapWkXOP6pMtkguYrWpCio,10003
153
153
  ipex_llm/transformers/models/gemma.py,sha256=_E3Yw8Y45xyNVeLqyVKcpr8kjuICtETeL82cJ-bWJuU,9424
154
154
  ipex_llm/transformers/models/gemma2.py,sha256=2WZuv-FLzJyTJFaYxOuzJt47QE64M0lHnzAiO5T6ozI,8049
155
- ipex_llm/transformers/models/glm.py,sha256=lmeEWd_W2O638VzVW4Gm6cJre5XZcg_QBmPs8NWqXsM,7202
155
+ ipex_llm/transformers/models/glm.py,sha256=-yNcl9Ci42AgAmW8OZ-WCafzJ-B1UUXLiQtI84VUSxA,7254
156
156
  ipex_llm/transformers/models/gpt2.py,sha256=YSaNgK1uLCFDuIFqnKO0Mi-AsOZsYav-7pNf_NpKGdM,3445
157
157
  ipex_llm/transformers/models/gptbigcode.py,sha256=cP1_qGWoa43R2WacAMblShjku4QupcCZiLaPPAoOUs4,9101
158
158
  ipex_llm/transformers/models/gptneox.py,sha256=loRh1x_5S6BCeOr_s5xr-N_1SQHL3Y5IiUBAEyoMUqQ,6172
@@ -256,11 +256,11 @@ ipex_llm/vllm/xpu/engine/__init__.py,sha256=pY_CpyuZd72fr6s32ejeKHKFW0K4vUU2rzZj
256
256
  ipex_llm/vllm/xpu/engine/engine.py,sha256=NvCMbp0X8NVrOqbwm4FTvXOptTRLzu9jQsy37ZHnTk8,9493
257
257
  ipex_llm/vllm/xpu/entrypoints/openai/api_server.py,sha256=IjiSze9vzBCAkLu_VwIcJwuO1jyFna7DLrj6aSL7RaQ,35220
258
258
  ipex_llm/vllm/xpu/entrypoints/openai/cli_args.py,sha256=hB398yYtKauASRzevctScdbFIjiiSGMAe1bwEuIHrhY,10893
259
- ipex_llm-2.3.0b20250417.data/scripts/ipex-llm-init.bat,sha256=HPtCYuDYwEatq7dAwOvdfVcHYCpAVdbj75K1qh0vQek,2578
260
- ipex_llm-2.3.0b20250417.data/scripts/llm-chat.ps1,sha256=6qrs-hGVAV8IKh7Jx8nq_XrnZcjd7qGU5wndArM7Yag,2769
261
- ipex_llm-2.3.0b20250417.data/scripts/llm-cli.ps1,sha256=3qBtTLs_EjYDnM8YyCpJhzLnGCKTEGssu9UNqfkjVXs,3009
262
- ipex_llm-2.3.0b20250417.dist-info/METADATA,sha256=kQC4s8NXPljYj5P64ZSaphyblBk1e2OuBJJeKStcPmo,13917
263
- ipex_llm-2.3.0b20250417.dist-info/WHEEL,sha256=6iYPr8vTHsyDK75jr9X0V3I9wPSVmtwr_8fdATBciGk,98
264
- ipex_llm-2.3.0b20250417.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
265
- ipex_llm-2.3.0b20250417.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
266
- ipex_llm-2.3.0b20250417.dist-info/RECORD,,
259
+ ipex_llm-2.3.0b20250420.data/scripts/ipex-llm-init.bat,sha256=HPtCYuDYwEatq7dAwOvdfVcHYCpAVdbj75K1qh0vQek,2578
260
+ ipex_llm-2.3.0b20250420.data/scripts/llm-chat.ps1,sha256=6qrs-hGVAV8IKh7Jx8nq_XrnZcjd7qGU5wndArM7Yag,2769
261
+ ipex_llm-2.3.0b20250420.data/scripts/llm-cli.ps1,sha256=3qBtTLs_EjYDnM8YyCpJhzLnGCKTEGssu9UNqfkjVXs,3009
262
+ ipex_llm-2.3.0b20250420.dist-info/METADATA,sha256=yPyqDRhtvOVowAXABGArCoHjhqPCCEgz-w9deYN_158,13917
263
+ ipex_llm-2.3.0b20250420.dist-info/WHEEL,sha256=6iYPr8vTHsyDK75jr9X0V3I9wPSVmtwr_8fdATBciGk,98
264
+ ipex_llm-2.3.0b20250420.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
265
+ ipex_llm-2.3.0b20250420.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
266
+ ipex_llm-2.3.0b20250420.dist-info/RECORD,,