ipex-llm 2.3.0b20250407__py3-none-win_amd64.whl → 2.3.0b20250413__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/kv.py +51 -1
  31. ipex_llm/transformers/models/common.py +3 -3
  32. ipex_llm/transformers/models/utils.py +43 -0
  33. {ipex_llm-2.3.0b20250407.dist-info → ipex_llm-2.3.0b20250413.dist-info}/METADATA +20 -20
  34. {ipex_llm-2.3.0b20250407.dist-info → ipex_llm-2.3.0b20250413.dist-info}/RECORD +40 -40
  35. {ipex_llm-2.3.0b20250407.data → ipex_llm-2.3.0b20250413.data}/scripts/ipex-llm-init.bat +0 -0
  36. {ipex_llm-2.3.0b20250407.data → ipex_llm-2.3.0b20250413.data}/scripts/llm-chat.ps1 +0 -0
  37. {ipex_llm-2.3.0b20250407.data → ipex_llm-2.3.0b20250413.data}/scripts/llm-cli.ps1 +0 -0
  38. {ipex_llm-2.3.0b20250407.dist-info → ipex_llm-2.3.0b20250413.dist-info}/WHEEL +0 -0
  39. {ipex_llm-2.3.0b20250407.dist-info → ipex_llm-2.3.0b20250413.dist-info}/entry_points.txt +0 -0
  40. {ipex_llm-2.3.0b20250407.dist-info → ipex_llm-2.3.0b20250413.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
@@ -22,7 +22,8 @@ import math
22
22
 
23
23
  from .models.utils import (
24
24
  init_fp8_kv_cache, append_fp8_kv_cache,
25
- init_kv_cache, append_kv_cache, extend_kv_cache
25
+ init_kv_cache, append_kv_cache, extend_kv_cache,
26
+ init_unbalanced_fp8_kv_cache, append_unbalanced_fp8_kv_cache,
26
27
  )
27
28
  from typing import Optional, Dict, Tuple, Any, List
28
29
  from transformers.cache_utils import DynamicCache
@@ -151,6 +152,55 @@ class DynamicNormalCache(DynamicCache):
151
152
  return past_key_values
152
153
 
153
154
 
155
+ class DynamicUnbalancedFp8Cache(DynamicCache):
156
+ def __init__(self, num_hidden_layers: Optional[int] = None) -> None:
157
+ # ignore num_hidden_layers to fix transformers >= 4.45
158
+ super().__init__()
159
+
160
+ def update(
161
+ self,
162
+ key_states: torch.Tensor,
163
+ value_states: torch.Tensor,
164
+ layer_idx: int,
165
+ cache_kwargs: Optional[Dict[str, Any]]=None,
166
+ ) -> Tuple[torch.Tensor, torch.Tensor]:
167
+ # fix converting empty DynamicCache in transformers >= 4.45
168
+ if key_states == []:
169
+ return key_states, value_states
170
+
171
+ batch_size, num_heads, seq_len, k_head_dim = key_states.shape
172
+ _, _, _, v_head_dim = value_states.shape
173
+
174
+ if layer_idx == 0:
175
+ if hasattr(self, "_seen_tokens"):
176
+ # 4.39 uses `_seen_tokens`
177
+ self._seen_tokens += seq_len
178
+ else:
179
+ # 4.37 uses `seen_tokens`
180
+ self.seen_tokens += seq_len
181
+
182
+ # Update the cache
183
+ if len(self.key_cache) <= layer_idx:
184
+ k_cache, v_cache = init_unbalanced_fp8_kv_cache(
185
+ batch_size, num_heads, seq_len, k_head_dim, v_head_dim,
186
+ device=key_states.device,
187
+ )
188
+ k_cache, v_cache = append_unbalanced_fp8_kv_cache(k_cache, v_cache,
189
+ key_states, value_states)
190
+
191
+ self.key_cache.append(k_cache)
192
+ self.value_cache.append(v_cache)
193
+ else:
194
+ k_cache = self.key_cache[layer_idx]
195
+ v_cache = self.value_cache[layer_idx]
196
+ k_cache, v_cache = append_unbalanced_fp8_kv_cache(k_cache, v_cache,
197
+ key_states, value_states)
198
+ self.key_cache[layer_idx] = k_cache
199
+ self.value_cache[layer_idx] = v_cache
200
+
201
+ return self.key_cache[layer_idx], self.value_cache[layer_idx]
202
+
203
+
154
204
  # Copied from transformers.models.llama.modeling_llama.repeat_kv
155
205
  def repeat_kv(hidden_states: torch.Tensor, n_rep: int) -> torch.Tensor:
156
206
  """
@@ -273,11 +273,11 @@ def scaled_dot_product_attention(query: torch.Tensor, key: torch.Tensor,
273
273
  else:
274
274
  attn_output = xe_addons.sdp_causal(query, key, value, mask, scale)
275
275
  elif seq_length != kv_length and seq_length <= 32:
276
- # todo: add scale support
276
+ # todo: add further scale support
277
277
  if key.dtype == torch.uint8:
278
- attn_output = xe_addons.sdp_fp8(query, key, value, mask)
278
+ attn_output = xe_addons.sdp_fp8(query, key, value, mask, scale)
279
279
  else:
280
- attn_output = xe_addons.sdp(query, key, value, mask)
280
+ attn_output = xe_addons.sdp(query, key, value, mask, scale)
281
281
  else:
282
282
  if key.dtype == torch.uint8:
283
283
  attn_output = xe_addons.sdp_fp8_non_causal(query, key, value, mask, scale)
@@ -138,6 +138,49 @@ def append_fp8_kv_cache(k_cache, v_cache, key, value):
138
138
  return new_k_cache, new_v_cache
139
139
 
140
140
 
141
+ def init_unbalanced_fp8_kv_cache(batch_size, num_heads, current_length,
142
+ k_head_dim, v_head_dim, device):
143
+ # for case which k head dim is different from v head dim
144
+ max_length = current_length + FP8_KV_ALLOC_LENGTH
145
+
146
+ k_cache_storage = torch.empty(batch_size, num_heads, max_length, k_head_dim,
147
+ dtype=torch.uint8, device=device)
148
+ k_cache = k_cache_storage.as_strided((batch_size, num_heads, 0, k_head_dim),
149
+ k_cache_storage.stride(), storage_offset=0)
150
+
151
+ v_cache_storage = torch.empty(batch_size, num_heads, max_length, v_head_dim,
152
+ dtype=torch.uint8, device=device)
153
+ v_cache = v_cache_storage.as_strided((batch_size, num_heads, 0, v_head_dim),
154
+ v_cache_storage.stride(), storage_offset=0)
155
+ return k_cache, v_cache
156
+
157
+
158
+ def append_unbalanced_fp8_kv_cache(k_cache, v_cache, key, value):
159
+ batch_size, num_heads, cur_length, k_head_dim = k_cache.shape
160
+ _, _, _, v_head_dim = v_cache.shape
161
+ new_length = cur_length + key.size(2)
162
+ new_k_size = (batch_size, num_heads, new_length, k_head_dim)
163
+ new_v_size = (batch_size, num_heads, new_length, v_head_dim)
164
+
165
+ if k_cache.stride(1) < new_length * k_cache.size(3):
166
+ new_k_cache, new_v_cache = init_unbalanced_fp8_kv_cache(batch_size, num_heads, new_length,
167
+ k_head_dim, v_head_dim, key.device)
168
+ new_k_cache = new_k_cache.as_strided(new_k_size, new_k_cache.stride(), storage_offset=0)
169
+ new_v_cache = new_v_cache.as_strided(new_v_size, new_v_cache.stride(), storage_offset=0)
170
+ new_k_cache[:, :, :cur_length, :] = k_cache
171
+ new_v_cache[:, :, :cur_length, :] = v_cache
172
+ else:
173
+ new_k_cache = k_cache.as_strided(new_k_size, k_cache.stride(), storage_offset=0)
174
+ new_v_cache = v_cache.as_strided(new_v_size, v_cache.stride(), storage_offset=0)
175
+
176
+ import xe_addons
177
+ xe_addons.quantize_key_value(key, value,
178
+ new_k_cache[:, :, cur_length:new_length, :],
179
+ new_v_cache[:, :, cur_length:new_length, :])
180
+
181
+ return new_k_cache, new_v_cache
182
+
183
+
141
184
  def restore_fp8_kv_cache(k_cache, v_cache, dtype):
142
185
  key_states = torch.empty(k_cache.shape, device=k_cache.device, dtype=dtype)
143
186
  value_states = torch.empty(v_cache.shape, device=v_cache.device, dtype=dtype)
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ipex-llm
3
- Version: 2.3.0b20250407
3
+ Version: 2.3.0b20250413
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.0b20250407 ; extra == 'cpp'
30
+ Requires-Dist: bigdl-core-cpp ==2.7.0b20250413 ; 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.0b20250407 ; (platform_system == "Windows") and extra == 'npu'
63
+ Requires-Dist: bigdl-core-npu ==2.7.0b20250413 ; (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.0b20250407 ; extra == 'xpu'
84
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250407 ; extra == 'xpu'
85
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250407 ; extra == 'xpu'
83
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250413 ; extra == 'xpu'
84
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250413 ; extra == 'xpu'
85
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-2-1'
101
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250407 ; extra == 'xpu-2-1'
102
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250407 ; extra == 'xpu-2-1'
100
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250413 ; extra == 'xpu-2-1'
101
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250413 ; extra == 'xpu-2-1'
102
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-2-6'
120
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-2-6-arl'
135
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-arc'
159
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250407 ; extra == 'xpu-arc'
160
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250407 ; extra == 'xpu-arc'
158
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250413 ; extra == 'xpu-arc'
159
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250413 ; extra == 'xpu-arc'
160
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-arl'
182
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250407 ; extra == 'xpu-arl'
183
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250407 ; extra == 'xpu-arl'
181
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250413 ; extra == 'xpu-arl'
182
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250413 ; extra == 'xpu-arl'
183
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250413 ; 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.0b20250407 ; extra == 'xpu-lnl'
205
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250407 ; extra == 'xpu-lnl'
206
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250407 ; extra == 'xpu-lnl'
204
+ Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250413 ; extra == 'xpu-lnl'
205
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250413 ; extra == 'xpu-lnl'
206
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250413 ; 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=d75LfNelNkyAxmJsLGoSJVPEWoRhkgEvA_PWDhKkSnc,36352
45
- ipex_llm/libs/bloom.dll,sha256=Rh5IDBTCCqdUUTVNzZeGhEPITwoNnS8dtQQhMzA5l4w,507904
46
- ipex_llm/libs/gptneox-api.dll,sha256=-V-La06PaT9QcDtsIoKSWn_01J-0_hPxwCzRh_xmjKE,24576
47
- ipex_llm/libs/gptneox.dll,sha256=CVZjyB99iaKwcjfiJwm4Gfq4Qve2elFA3ptGL2qggfk,568320
48
- ipex_llm/libs/libbloom_avx.dll,sha256=IjGg0V2ethLjlXblW3lYpgIeyCBlXolvYZhkopDJf74,536576
49
- ipex_llm/libs/libbloom_vnni.dll,sha256=srdS4Belgyp30vw1G4Z02rrzdj9ZLNW9SmpObxguY-o,508416
50
- ipex_llm/libs/libgptneox_avx.dll,sha256=stGXjVof6FSS14WncvZjTIi-VNoyJUS3BFB-KNarkXQ,596992
51
- ipex_llm/libs/libgptneox_vnni.dll,sha256=Qdqq8fqqqpTP1paRO9QRtqFIepetLnAqDSVgxS68rVk,568832
52
- ipex_llm/libs/libllama_avx.dll,sha256=Quc5QuuBTfTX9mYq_8my51V-NP-LO_YJEWotso-aC5w,591360
53
- ipex_llm/libs/libllama_vnni.dll,sha256=PmJWjIdk16_s6SCKL1Quo9ibTXfWRCBO6LnQSFi80Ko,563200
54
- ipex_llm/libs/libstarcoder_avx.dll,sha256=hnKdnzzRtdLvdJC7rfLwNC_7WJTDdOikspnFtyYQY2E,627712
55
- ipex_llm/libs/libstarcoder_vnni.dll,sha256=zep-sBAFcd2nsGgK-1-duom49EByqGvPC_tACkxPNC4,599552
56
- ipex_llm/libs/llama-api.dll,sha256=emaOwtm9nWpu_vv3JVHXsba0U8gVNPWVfkqi8OLf4vo,25600
57
- ipex_llm/libs/llama.dll,sha256=qZkZqvz43PM1uN49fTGYj_04nLoGJFcbd-849cS-JP8,562688
58
- ipex_llm/libs/main-bloom.exe,sha256=1TjUD5rCi4zTQ7hTAidxVWkxH9OamuGDLjynty1kzfQ,103424
59
- ipex_llm/libs/main-gptneox.exe,sha256=S62MN9cT4U05MrXEt_9-qrTDr4lKgq_s2apQekbpTa4,98816
60
- ipex_llm/libs/main-llama.exe,sha256=GAd6Btr7N1yWUTrcjr5bjES5QvRPJcmHEyfj6TGwU-I,99840
61
- ipex_llm/libs/main-starcoder.exe,sha256=JIlOReMcK3za7yFOxTuCNPT1q760i1tFAk0C3jbO9yQ,157696
62
- ipex_llm/libs/pipeline.dll,sha256=A2YJm_P9f6JmF8l-spHQggV_zejSXnBnZN4i77hKEwk,73216
63
- ipex_llm/libs/quantize-bloom.exe,sha256=TUyhtIRD1Y1MavDbAkpbP404wL7b1gY7E43CpJGjNWs,126464
64
- ipex_llm/libs/quantize-bloom_vnni.exe,sha256=MbNOPE5Cq3yFWBT7t7UXEjEX6B7k7I3dxTR0TV1-Zx4,128000
65
- ipex_llm/libs/quantize-gptneox.exe,sha256=tYTS2mh5CxSpdteinDIpGrpS7tYuH0mg1YrLQPXk6RY,104448
66
- ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=KJ-Oj2tb4kZ1XbxFDe6BU3NdpooX47ygUQ6or2BZTks,104960
67
- ipex_llm/libs/quantize-llama.exe,sha256=ccKlnT0oZ8bxwpqoNAJGKXoHOmypJklNB-knxhQsdyw,110080
68
- ipex_llm/libs/quantize-llama_vnni.exe,sha256=AQN9xk4qANa0lh9ZPVbYdqZjYAxzOqE3n1CNjIbF-14,110592
69
- ipex_llm/libs/quantize-starcoder.exe,sha256=MqHKRqBaNM3-QPbUpZd8ThjxwBVortEt-TCkgBo85iQ,127488
70
- ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=AYJq2Z6CCcpFDTyLwuh7J_nBJqlYCsLcwdMLlEXAMuM,128512
71
- ipex_llm/libs/starcoder-api.dll,sha256=KJPvwKe6yWY7C2o4OGkwDE9Kb19gvNfi6jWDa21AoU0,21504
72
- ipex_llm/libs/starcoder.dll,sha256=Vj-t_DcAYSKMkyoSN4DR3Fdks1X-x0-izekbLBRw8RE,599040
44
+ ipex_llm/libs/bloom-api.dll,sha256=dYVKVEjmanZsbHdMSq5TaQs45xZtNaOFBjhoK_9VFBo,36352
45
+ ipex_llm/libs/bloom.dll,sha256=tuZSGxK-dHORSW6-XDbie-tFuFTtHz9lyMzstdRND1k,507904
46
+ ipex_llm/libs/gptneox-api.dll,sha256=5QEyhSO0CUYc6Xl1RR4OAFwtVyf7KWU1Wx-22xPz3_U,24576
47
+ ipex_llm/libs/gptneox.dll,sha256=Dn-56Nqwid5DcVnYbAJh-A4MgTw_D_WmL_iN1SBZGLI,568320
48
+ ipex_llm/libs/libbloom_avx.dll,sha256=d0UjHHgrlSJgjw4VLyJSpjvzk1FxbpvJdwtFKbqujlw,536576
49
+ ipex_llm/libs/libbloom_vnni.dll,sha256=nSwx260ErcCcDKfGy6PP8EOdfcJpvWUVsxFKHbS6wOY,508416
50
+ ipex_llm/libs/libgptneox_avx.dll,sha256=sBf6S-EiIJcRLmhaKuuaadaU5fHQNVXVAB0VQJTLoRU,596992
51
+ ipex_llm/libs/libgptneox_vnni.dll,sha256=LcNF7O5eyL2y7HMAU2LYJRY0w7NM59qJZ17qiuNsl24,568832
52
+ ipex_llm/libs/libllama_avx.dll,sha256=bL1YY7uYu-JNklBk9cJF0gXzkU8Iy5PjN3NB5zU5xDY,591360
53
+ ipex_llm/libs/libllama_vnni.dll,sha256=HOhU09jo6EjZmJcZSnt4UpAL_G1qKbRcAL5jpIESnaQ,563200
54
+ ipex_llm/libs/libstarcoder_avx.dll,sha256=8w4KETb43ZPslHK2azxiGsv6pCsoXpNk-_bVi8lkTKc,627712
55
+ ipex_llm/libs/libstarcoder_vnni.dll,sha256=yrOi0VdnHkJQUFFAq17_-Hy89PhL0NTjy4tiJtX0MP0,599552
56
+ ipex_llm/libs/llama-api.dll,sha256=dMkSUtk-SB2nuZgZPtgmMa8CJ5IKgc8lH8F5RXJybW4,25600
57
+ ipex_llm/libs/llama.dll,sha256=jfcQ_LJAMRHIwQsIc3ek1upKv5zGT0oJn5DlbjYw6ko,562688
58
+ ipex_llm/libs/main-bloom.exe,sha256=xTMzHKGfg_85ytA-twHNwXbHIoyRmbj_SdGPCLDoSeg,103424
59
+ ipex_llm/libs/main-gptneox.exe,sha256=aiqW57JxUfl4e4Q_qXbBu2EzlUBv2T2OVke3KUv57FY,98816
60
+ ipex_llm/libs/main-llama.exe,sha256=4CBt_rQ6jgKtWXvkeL8WneIOTBFMhJNIm3uQjYim89Y,99840
61
+ ipex_llm/libs/main-starcoder.exe,sha256=yn94YnDvvsfM_dhDuLw0RgMDr3XKJaZBIiuAc43hRyg,157696
62
+ ipex_llm/libs/pipeline.dll,sha256=G_sGCdEwNB_D8V0AKK9MK7OrxhinqCcdyqEkzJWurwE,73216
63
+ ipex_llm/libs/quantize-bloom.exe,sha256=D1VV8ytvXZqPXvdYNkctFBvHfP7tKH5uyzFePg1mp8M,126464
64
+ ipex_llm/libs/quantize-bloom_vnni.exe,sha256=wfFVg69IwMMe42McXKlSmfbDOaSCYznKwZpQ8Hujhx0,128000
65
+ ipex_llm/libs/quantize-gptneox.exe,sha256=WRtrYPGC1pI6Nj-nNQ07l8Z2YbH3Q0lLzjnYlZdWO2o,104448
66
+ ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=UDpeoMP2bWjG1ZAnEd95knk7BqUMlAbGDGE3oeODi14,104960
67
+ ipex_llm/libs/quantize-llama.exe,sha256=a6yCAP_NrOGR2-GR1Wb_aaqWcamJT5MUpEm96vYGcB8,110080
68
+ ipex_llm/libs/quantize-llama_vnni.exe,sha256=R1aRijj8oKx3KUVu3DTZ1vZGbYc3kcRD4SjYaY5XhcI,110592
69
+ ipex_llm/libs/quantize-starcoder.exe,sha256=FDW9VGQ9-32noOGr4I81l5PETjBucwPC8r80uO5C8yw,127488
70
+ ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=fm7gka80MTxHd5HVroi_yTsFFU0yrcB5RMZL8BUqL8U,128512
71
+ ipex_llm/libs/starcoder-api.dll,sha256=hfLMok4MNXXdD989vMNS83S6R5k-j3W1FG2Xrurg0SI,21504
72
+ ipex_llm/libs/starcoder.dll,sha256=Bc6UwLdndEvK6Welw7uX9EuhU5TGMz2tvE3FvLurlwY,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
@@ -90,7 +90,7 @@ ipex_llm/transformers/__init__.py,sha256=BreA3EY6hkNq0rVixb_sUuTLzMrcWXTt3yRsshC
90
90
  ipex_llm/transformers/convert.py,sha256=xqqZFGcdDRko2IYgfSgDRs8ef4THUR25IAhSyDV0VUs,106933
91
91
  ipex_llm/transformers/convert_ipex.py,sha256=_nSnUTQy-yfkKaqGdqnBdWztZf3NGmnbZ0TKaDrF4X4,14617
92
92
  ipex_llm/transformers/embedding.py,sha256=bdgk59DvD4ZZyxRzewXOR7g56nThgO6uhIwk8QL7f-s,9299
93
- ipex_llm/transformers/kv.py,sha256=k4TU18LlA-Sbq9WNNQnfuzu3RSFBwFhmaV3BcGN5bAo,19191
93
+ ipex_llm/transformers/kv.py,sha256=src_HcVDKFwQ1V8hdTrFQw5RIwUewM9VOR47GVTPJG4,21187
94
94
  ipex_llm/transformers/lisa.py,sha256=F5WxbtXQ7RdKulj83h_2DnEIgKiKGZf7zvOmg6QBl2s,3289
95
95
  ipex_llm/transformers/loader.py,sha256=c9qfJSC6-in-mkd-iKb1igk3nHWUYS3QtyH2cOazmKc,6825
96
96
  ipex_llm/transformers/lookup.py,sha256=b6OlZ9OV10R9qeWw8mVryVpDxszkjwLkldvi7GPMJY8,19614
@@ -146,7 +146,7 @@ ipex_llm/transformers/models/chatglm.py,sha256=UHai1t2AUtGmF765_eHF8LUMVQzp_oCBx
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=0OTRaXekOPApRdQ8UKl5Du8DOtKJ6awnQIStvYvFQOI,13018
149
+ ipex_llm/transformers/models/common.py,sha256=LVA9nL_qJ61NEkEn9T985PjrrWPGpDTCALknH4Qv5aw,13040
150
150
  ipex_llm/transformers/models/decilm.py,sha256=P-PBuDPf07GvKggLwJx_wPwIn6esN3rX8ai2JxRuZmE,5246
151
151
  ipex_llm/transformers/models/deepseek.py,sha256=w6tGeyJ9joD7lQBiZ6A01Z00g8hAXC1N2yGtJh8kyuk,13096
152
152
  ipex_llm/transformers/models/deepseek_v3.py,sha256=CTgwIKQlUPlUCbOxc9Id5GapWkXOP6pMtkguYrWpCio,10003
@@ -180,7 +180,7 @@ ipex_llm/transformers/models/rwkv5.py,sha256=OkRNj1pCAZg1z2Fw-I0DEnxLEdZyPeRSQ6m
180
180
  ipex_llm/transformers/models/sd.py,sha256=VvHV5u-0k2MgHu3NL9113hPj7DgfxqctuKzEEeNfRDU,5981
181
181
  ipex_llm/transformers/models/stablelm.py,sha256=fj-XtOnR6kggnFUQTMPCOOzolkPztN06WAv8QW-XRnI,7054
182
182
  ipex_llm/transformers/models/starcoder2.py,sha256=ONKvD7JCkRM0DI-R56x28QFBJ7CjD5hOZBQ_3WfOcNk,6626
183
- ipex_llm/transformers/models/utils.py,sha256=c3hh0YDHE-Qg7SQBXhnNXf85Nx7jopZFfa1KS-Pe6kQ,14734
183
+ ipex_llm/transformers/models/utils.py,sha256=Rj7QK1s3QxsTT4HzGNR00Q7izG5xYiZEX29YoQIM1tA,16998
184
184
  ipex_llm/transformers/models/whisper.py,sha256=ju3WP8Eq-KvD7kb3Qy51r4FOfSX3NBxfp5RBcq__gzc,4241
185
185
  ipex_llm/transformers/models/yuan.py,sha256=JYAn_ZaSGK0NBJLEIxCACfAq084a66GFJkdd5NbpmMA,7732
186
186
  ipex_llm/transformers/npu_models/__init__.py,sha256=ulEUGLjaP48LCrVeury3UxLjXxKzRi0UpSG4bYu-7f8,585
@@ -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.0b20250407.data/scripts/ipex-llm-init.bat,sha256=HPtCYuDYwEatq7dAwOvdfVcHYCpAVdbj75K1qh0vQek,2578
260
- ipex_llm-2.3.0b20250407.data/scripts/llm-chat.ps1,sha256=6qrs-hGVAV8IKh7Jx8nq_XrnZcjd7qGU5wndArM7Yag,2769
261
- ipex_llm-2.3.0b20250407.data/scripts/llm-cli.ps1,sha256=3qBtTLs_EjYDnM8YyCpJhzLnGCKTEGssu9UNqfkjVXs,3009
262
- ipex_llm-2.3.0b20250407.dist-info/METADATA,sha256=8oGf4R8c2G6AyNdw28cESK3wjRjCnyghRmKtGC8dTLI,13917
263
- ipex_llm-2.3.0b20250407.dist-info/WHEEL,sha256=6iYPr8vTHsyDK75jr9X0V3I9wPSVmtwr_8fdATBciGk,98
264
- ipex_llm-2.3.0b20250407.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
265
- ipex_llm-2.3.0b20250407.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
266
- ipex_llm-2.3.0b20250407.dist-info/RECORD,,
259
+ ipex_llm-2.3.0b20250413.data/scripts/ipex-llm-init.bat,sha256=HPtCYuDYwEatq7dAwOvdfVcHYCpAVdbj75K1qh0vQek,2578
260
+ ipex_llm-2.3.0b20250413.data/scripts/llm-chat.ps1,sha256=6qrs-hGVAV8IKh7Jx8nq_XrnZcjd7qGU5wndArM7Yag,2769
261
+ ipex_llm-2.3.0b20250413.data/scripts/llm-cli.ps1,sha256=3qBtTLs_EjYDnM8YyCpJhzLnGCKTEGssu9UNqfkjVXs,3009
262
+ ipex_llm-2.3.0b20250413.dist-info/METADATA,sha256=BcY-pLNYgB5lBm5wiYwAn7Y8UBeb5vcMLnTJsjK177A,13917
263
+ ipex_llm-2.3.0b20250413.dist-info/WHEEL,sha256=6iYPr8vTHsyDK75jr9X0V3I9wPSVmtwr_8fdATBciGk,98
264
+ ipex_llm-2.3.0b20250413.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
265
+ ipex_llm-2.3.0b20250413.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
266
+ ipex_llm-2.3.0b20250413.dist-info/RECORD,,