ipex-llm 2.3.0b20250415__py3-none-manylinux2010_x86_64.whl → 2.3.0b20250418__py3-none-manylinux2010_x86_64.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.
- ipex_llm/transformers/models/common.py +54 -0
- ipex_llm/transformers/models/deepseek.py +8 -8
- ipex_llm/transformers/models/glm.py +2 -2
- {ipex_llm-2.3.0b20250415.dist-info → ipex_llm-2.3.0b20250418.dist-info}/METADATA +20 -20
- {ipex_llm-2.3.0b20250415.dist-info → ipex_llm-2.3.0b20250418.dist-info}/RECORD +11 -11
- {ipex_llm-2.3.0b20250415.data → ipex_llm-2.3.0b20250418.data}/scripts/ipex-llm-init +0 -0
- {ipex_llm-2.3.0b20250415.data → ipex_llm-2.3.0b20250418.data}/scripts/llm-chat +0 -0
- {ipex_llm-2.3.0b20250415.data → ipex_llm-2.3.0b20250418.data}/scripts/llm-cli +0 -0
- {ipex_llm-2.3.0b20250415.dist-info → ipex_llm-2.3.0b20250418.dist-info}/WHEEL +0 -0
- {ipex_llm-2.3.0b20250415.dist-info → ipex_llm-2.3.0b20250418.dist-info}/entry_points.txt +0 -0
- {ipex_llm-2.3.0b20250415.dist-info → ipex_llm-2.3.0b20250418.dist-info}/top_level.txt +0 -0
@@ -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
|
-
|
234
|
-
|
235
|
-
|
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
|
283
|
-
topk_idx, topk_weight =
|
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,
|
286
|
-
self.
|
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
|
-
|
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.
|
3
|
+
Version: 2.3.0b20250418
|
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.
|
30
|
+
Requires-Dist: bigdl-core-cpp ==2.7.0b20250418 ; 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.
|
63
|
+
Requires-Dist: bigdl-core-npu ==2.7.0b20250418 ; (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.
|
84
|
-
Requires-Dist: bigdl-core-xe-batch-21 ==2.7.
|
85
|
-
Requires-Dist: bigdl-core-xe-addons-21 ==2.7.
|
83
|
+
Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250418 ; extra == 'xpu'
|
84
|
+
Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250418 ; extra == 'xpu'
|
85
|
+
Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250418 ; 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.
|
101
|
-
Requires-Dist: bigdl-core-xe-batch-21 ==2.7.
|
102
|
-
Requires-Dist: bigdl-core-xe-addons-21 ==2.7.
|
100
|
+
Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250418 ; extra == 'xpu-2-1'
|
101
|
+
Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250418 ; extra == 'xpu-2-1'
|
102
|
+
Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250418 ; 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.
|
120
|
+
Requires-Dist: bigdl-core-xe-all ==2.7.0b20250418 ; 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.
|
135
|
+
Requires-Dist: bigdl-core-xe-all ==2.7.0b20250418 ; 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.
|
159
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.
|
160
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.
|
158
|
+
Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250418 ; extra == 'xpu-arc'
|
159
|
+
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250418 ; extra == 'xpu-arc'
|
160
|
+
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250418 ; 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.
|
182
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.
|
183
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.
|
181
|
+
Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250418 ; extra == 'xpu-arl'
|
182
|
+
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250418 ; extra == 'xpu-arl'
|
183
|
+
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250418 ; 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.
|
205
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.
|
206
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.
|
204
|
+
Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250418 ; extra == 'xpu-lnl'
|
205
|
+
Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250418 ; extra == 'xpu-lnl'
|
206
|
+
Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250418 ; 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'
|
@@ -153,13 +153,13 @@ ipex_llm/transformers/models/chatglm.py,sha256=DQM63oPIVMMTBQN4O4hPF4WY1aSiTWq4B
|
|
153
153
|
ipex_llm/transformers/models/chatglm2.py,sha256=KyAIX7zGVQDQuwwM3QMBNWZbTeMHEzKUIgAryT0voHc,14933
|
154
154
|
ipex_llm/transformers/models/chatglm4.py,sha256=QvUehdaCePB3MNHyWg3dneDxmjtBdxYeKUyQUVcsgfM,16886
|
155
155
|
ipex_llm/transformers/models/chatglm4v.py,sha256=Ba9Xtzwtzk_rzg5khGqDrlHfJsDwc5YcM5_yPoord7o,13324
|
156
|
-
ipex_llm/transformers/models/common.py,sha256=
|
156
|
+
ipex_llm/transformers/models/common.py,sha256=ueLGko8May2qWdjI-lSH30LXY4NYrqtBDXZekfq9rfQ,15374
|
157
157
|
ipex_llm/transformers/models/decilm.py,sha256=P-PBuDPf07GvKggLwJx_wPwIn6esN3rX8ai2JxRuZmE,5246
|
158
|
-
ipex_llm/transformers/models/deepseek.py,sha256=
|
158
|
+
ipex_llm/transformers/models/deepseek.py,sha256=LFFA3tOtS3-WVoNmQQsfAymMCwNZiVQyBRZ4ZN_-IaE,13135
|
159
159
|
ipex_llm/transformers/models/deepseek_v3.py,sha256=CTgwIKQlUPlUCbOxc9Id5GapWkXOP6pMtkguYrWpCio,10003
|
160
160
|
ipex_llm/transformers/models/gemma.py,sha256=_E3Yw8Y45xyNVeLqyVKcpr8kjuICtETeL82cJ-bWJuU,9424
|
161
161
|
ipex_llm/transformers/models/gemma2.py,sha256=2WZuv-FLzJyTJFaYxOuzJt47QE64M0lHnzAiO5T6ozI,8049
|
162
|
-
ipex_llm/transformers/models/glm.py,sha256
|
162
|
+
ipex_llm/transformers/models/glm.py,sha256=-yNcl9Ci42AgAmW8OZ-WCafzJ-B1UUXLiQtI84VUSxA,7254
|
163
163
|
ipex_llm/transformers/models/gpt2.py,sha256=YSaNgK1uLCFDuIFqnKO0Mi-AsOZsYav-7pNf_NpKGdM,3445
|
164
164
|
ipex_llm/transformers/models/gptbigcode.py,sha256=cP1_qGWoa43R2WacAMblShjku4QupcCZiLaPPAoOUs4,9101
|
165
165
|
ipex_llm/transformers/models/gptneox.py,sha256=loRh1x_5S6BCeOr_s5xr-N_1SQHL3Y5IiUBAEyoMUqQ,6172
|
@@ -263,11 +263,11 @@ ipex_llm/vllm/xpu/engine/__init__.py,sha256=pY_CpyuZd72fr6s32ejeKHKFW0K4vUU2rzZj
|
|
263
263
|
ipex_llm/vllm/xpu/engine/engine.py,sha256=NvCMbp0X8NVrOqbwm4FTvXOptTRLzu9jQsy37ZHnTk8,9493
|
264
264
|
ipex_llm/vllm/xpu/entrypoints/openai/api_server.py,sha256=IjiSze9vzBCAkLu_VwIcJwuO1jyFna7DLrj6aSL7RaQ,35220
|
265
265
|
ipex_llm/vllm/xpu/entrypoints/openai/cli_args.py,sha256=hB398yYtKauASRzevctScdbFIjiiSGMAe1bwEuIHrhY,10893
|
266
|
-
ipex_llm-2.3.
|
267
|
-
ipex_llm-2.3.
|
268
|
-
ipex_llm-2.3.
|
269
|
-
ipex_llm-2.3.
|
270
|
-
ipex_llm-2.3.
|
271
|
-
ipex_llm-2.3.
|
272
|
-
ipex_llm-2.3.
|
273
|
-
ipex_llm-2.3.
|
266
|
+
ipex_llm-2.3.0b20250418.data/scripts/ipex-llm-init,sha256=fLQsT2dRL6H5bThb4GuIWotAuqoLsIxFwA-0c2qmaO8,6672
|
267
|
+
ipex_llm-2.3.0b20250418.data/scripts/llm-chat,sha256=TdUnUmNapzuoe1c8IzrdVOQwWEg8IqsMSBRlOD3daZM,2249
|
268
|
+
ipex_llm-2.3.0b20250418.data/scripts/llm-cli,sha256=RXGPlLElHxcKzoUxljEMBIAXbzCDysXL-Nxw-xF-7LU,2457
|
269
|
+
ipex_llm-2.3.0b20250418.dist-info/METADATA,sha256=J7dBYJDdMypI4RYNXQlwFb6FKdOpz84r_H1ocBA3ZGc,13917
|
270
|
+
ipex_llm-2.3.0b20250418.dist-info/WHEEL,sha256=PPJcBMAZibF_2GFE9NmOJGqiaSMPiNFbJd6QaJjdA6Y,109
|
271
|
+
ipex_llm-2.3.0b20250418.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
|
272
|
+
ipex_llm-2.3.0b20250418.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
|
273
|
+
ipex_llm-2.3.0b20250418.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|