ipex-llm 2.3.0b20250421__py3-none-manylinux2010_x86_64.whl → 2.3.0b20250422__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.
@@ -775,12 +775,15 @@ class _BaseAutoModelClass:
775
775
  model)
776
776
  torch.distributed.barrier()
777
777
 
778
- # add lookup_generate to loaded model
779
- from .lookup import lookup_generate
780
- import types
781
- model.lookup_generate = types.MethodType(lookup_generate, model)
782
- if model.config.model_type == "minicpmv" and hasattr(model, 'llm'):
783
- model.llm.lookup_generate = types.MethodType(lookup_generate, model.llm)
778
+ try:
779
+ # add lookup_generate to loaded model
780
+ from .lookup import lookup_generate
781
+ import types
782
+ model.lookup_generate = types.MethodType(lookup_generate, model)
783
+ if model.config.model_type == "minicpmv" and hasattr(model, 'llm'):
784
+ model.llm.lookup_generate = types.MethodType(lookup_generate, model.llm)
785
+ except ImportError as e:
786
+ pass
784
787
 
785
788
  return model
786
789
 
@@ -32,7 +32,7 @@ from ipex_llm.utils.common.log4Error import invalidInputError
32
32
  from ipex_llm.transformers.kv import DynamicNormalCache
33
33
  from ipex_llm.transformers.models.common import padding_mla_v_hd_base
34
34
  from ipex_llm.transformers.models.common import scaled_dot_product_attention
35
- from ipex_llm.transformers.models.utils import rotate_half
35
+ from ipex_llm.transformers.models.utils import rotate_half, use_fuse_moe
36
36
 
37
37
 
38
38
  def padding_mla_v_hd(module: torch.nn.Module):
@@ -291,11 +291,8 @@ def fuse_gate_forward(self, x: torch.Tensor):
291
291
 
292
292
 
293
293
  def moe_infer_decode(self, x: torch.Tensor, topk_ids: torch.Tensor, topk_weight: torch.Tensor):
294
- if (
295
- x.device.type == "xpu"
296
- and x.dtype in [torch.float, torch.half]
297
- and self.experts[0].down_proj.qtype == 2
298
- ):
294
+ qtype = self.experts[0].down_proj.qtype
295
+ if use_fuse_moe(x, qtype):
299
296
  if getattr(self, "gates", None) is None:
300
297
  gate_addrs = [expert.gate_proj.weight.data_ptr() for expert in self.experts]
301
298
  up_addrs = [expert.up_proj.weight.data_ptr() for expert in self.experts]
@@ -310,7 +307,7 @@ def moe_infer_decode(self, x: torch.Tensor, topk_ids: torch.Tensor, topk_weight:
310
307
  import xe_linear
311
308
  final_out = xe_linear.moe_forward_vec(
312
309
  x, topk_ids, topk_weight, self.gates, self.ups, self.downs,
313
- x.size(-1), self.experts[0].intermediate_size, 2
310
+ x.size(-1), self.experts[0].intermediate_size, qtype
314
311
  )
315
312
  else:
316
313
  idxs = topk_ids.flatten().tolist()
@@ -394,3 +394,11 @@ def make_cache_contiguous_inplaced(cos: torch.Tensor, sin: torch.Tensor):
394
394
  new_sin = sin.contiguous()
395
395
  cos.set_(new_cos)
396
396
  sin.set_(new_sin)
397
+
398
+
399
+ def use_fuse_moe(hidden_states: torch.Tensor, qtype: int):
400
+ return (
401
+ hidden_states.device.type == "xpu"
402
+ and hidden_states.dtype in [torch.float, torch.half]
403
+ and qtype in [ggml_tensor_qtype["sym_int4"], ggml_tensor_qtype["woq_int4"]]
404
+ )
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ipex-llm
3
- Version: 2.3.0b20250421
3
+ Version: 2.3.0b20250422
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.0b20250421 ; extra == 'cpp'
30
+ Requires-Dist: bigdl-core-cpp ==2.7.0b20250422 ; 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.0b20250421 ; (platform_system == "Windows") and extra == 'npu'
63
+ Requires-Dist: bigdl-core-npu ==2.7.0b20250422 ; (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.0b20250421 ; extra == 'xpu'
84
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250421 ; extra == 'xpu'
85
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250421 ; extra == 'xpu'
83
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250422 ; extra == 'xpu'
84
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250422 ; extra == 'xpu'
85
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250422 ; 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.0b20250421 ; extra == 'xpu-2-1'
101
- Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250421 ; extra == 'xpu-2-1'
102
- Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250421 ; extra == 'xpu-2-1'
100
+ Requires-Dist: bigdl-core-xe-21 ==2.7.0b20250422 ; extra == 'xpu-2-1'
101
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.7.0b20250422 ; extra == 'xpu-2-1'
102
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.7.0b20250422 ; 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.0b20250421 ; extra == 'xpu-2-6'
120
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250422 ; 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.0b20250421 ; extra == 'xpu-2-6-arl'
135
+ Requires-Dist: bigdl-core-xe-all ==2.7.0b20250422 ; 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'
@@ -144,75 +144,6 @@ Requires-Dist: torch ==2.6.0.post0+xpu ; (platform_system == "Windows") and extr
144
144
  Requires-Dist: torchvision ==0.21.0.post0+xpu ; (platform_system == "Windows") and extra == 'xpu-2-6-arl'
145
145
  Requires-Dist: torchaudio ==2.6.0.post0+xpu ; (platform_system == "Windows") and extra == 'xpu-2-6-arl'
146
146
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-2-6'
147
- Provides-Extra: xpu-arc
148
- Requires-Dist: py-cpuinfo ; extra == 'xpu-arc'
149
- Requires-Dist: protobuf ; extra == 'xpu-arc'
150
- Requires-Dist: mpmath ==1.3.0 ; extra == 'xpu-arc'
151
- Requires-Dist: numpy ==1.26.4 ; extra == 'xpu-arc'
152
- Requires-Dist: transformers ==4.37.0 ; extra == 'xpu-arc'
153
- Requires-Dist: sentencepiece ; extra == 'xpu-arc'
154
- Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arc'
155
- Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arc'
156
- Requires-Dist: tabulate ; extra == 'xpu-arc'
157
- Requires-Dist: setuptools ; extra == 'xpu-arc'
158
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250421 ; extra == 'xpu-arc'
159
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250421 ; extra == 'xpu-arc'
160
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250421 ; extra == 'xpu-arc'
161
- Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arc'
162
- Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
163
- Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
164
- Requires-Dist: intel-extension-for-pytorch ==2.3.110+xpu ; (platform_system == "Linux") and extra == 'xpu-arc'
165
- Requires-Dist: torch ==2.3.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-arc'
166
- Requires-Dist: torchvision ==0.18.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-arc'
167
- Requires-Dist: intel-extension-for-pytorch ==2.3.110.post0+xpu ; (platform_system == "Windows") and extra == 'xpu-arc'
168
- Requires-Dist: onednn-devel ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-arc'
169
- Requires-Dist: onednn ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-arc'
170
- Provides-Extra: xpu-arl
171
- Requires-Dist: py-cpuinfo ; extra == 'xpu-arl'
172
- Requires-Dist: protobuf ; extra == 'xpu-arl'
173
- Requires-Dist: mpmath ==1.3.0 ; extra == 'xpu-arl'
174
- Requires-Dist: numpy ==1.26.4 ; extra == 'xpu-arl'
175
- Requires-Dist: transformers ==4.37.0 ; extra == 'xpu-arl'
176
- Requires-Dist: sentencepiece ; extra == 'xpu-arl'
177
- Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arl'
178
- Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arl'
179
- Requires-Dist: tabulate ; extra == 'xpu-arl'
180
- Requires-Dist: setuptools ; extra == 'xpu-arl'
181
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250421 ; extra == 'xpu-arl'
182
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250421 ; extra == 'xpu-arl'
183
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250421 ; extra == 'xpu-arl'
184
- Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arl'
185
- Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
186
- Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
187
- Requires-Dist: intel-extension-for-pytorch ==2.3.110+xpu ; (platform_system == "Linux") and extra == 'xpu-arl'
188
- Requires-Dist: torch ==2.3.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-arl'
189
- Requires-Dist: torchvision ==0.18.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-arl'
190
- Requires-Dist: intel-extension-for-pytorch ==2.3.110.post0+xpu ; (platform_system == "Windows") and extra == 'xpu-arl'
191
- Requires-Dist: onednn-devel ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-arl'
192
- Requires-Dist: onednn ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-arl'
193
- Provides-Extra: xpu-lnl
194
- Requires-Dist: py-cpuinfo ; extra == 'xpu-lnl'
195
- Requires-Dist: protobuf ; extra == 'xpu-lnl'
196
- Requires-Dist: mpmath ==1.3.0 ; extra == 'xpu-lnl'
197
- Requires-Dist: numpy ==1.26.4 ; extra == 'xpu-lnl'
198
- Requires-Dist: transformers ==4.37.0 ; extra == 'xpu-lnl'
199
- Requires-Dist: sentencepiece ; extra == 'xpu-lnl'
200
- Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-lnl'
201
- Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-lnl'
202
- Requires-Dist: tabulate ; extra == 'xpu-lnl'
203
- Requires-Dist: setuptools ; extra == 'xpu-lnl'
204
- Requires-Dist: bigdl-core-xe-23 ==2.7.0b20250421 ; extra == 'xpu-lnl'
205
- Requires-Dist: bigdl-core-xe-batch-23 ==2.7.0b20250421 ; extra == 'xpu-lnl'
206
- Requires-Dist: bigdl-core-xe-addons-23 ==2.7.0b20250421 ; extra == 'xpu-lnl'
207
- Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-lnl'
208
- Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
209
- Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
210
- Requires-Dist: intel-extension-for-pytorch ==2.3.110+xpu ; (platform_system == "Linux") and extra == 'xpu-lnl'
211
- Requires-Dist: torch ==2.3.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-lnl'
212
- Requires-Dist: torchvision ==0.18.1.post0+cxx11.abi ; (platform_system == "Windows") and extra == 'xpu-lnl'
213
- Requires-Dist: intel-extension-for-pytorch ==2.3.110.post0+xpu ; (platform_system == "Windows") and extra == 'xpu-lnl'
214
- Requires-Dist: onednn-devel ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-lnl'
215
- Requires-Dist: onednn ==2024.1.1 ; (platform_system == "Windows") and extra == 'xpu-lnl'
216
147
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu'
217
148
  Requires-Dist: dpcpp-cpp-rt ==2024.0.2 ; (platform_system == "Windows") and extra == 'xpu'
218
149
  Requires-Dist: mkl-dpcpp ==2024.0.0 ; (platform_system == "Windows") and extra == 'xpu'
@@ -102,7 +102,7 @@ ipex_llm/transformers/lisa.py,sha256=F5WxbtXQ7RdKulj83h_2DnEIgKiKGZf7zvOmg6QBl2s
102
102
  ipex_llm/transformers/loader.py,sha256=c9qfJSC6-in-mkd-iKb1igk3nHWUYS3QtyH2cOazmKc,6825
103
103
  ipex_llm/transformers/lookup.py,sha256=b6OlZ9OV10R9qeWw8mVryVpDxszkjwLkldvi7GPMJY8,19614
104
104
  ipex_llm/transformers/low_bit_linear.py,sha256=1S8H684odAx5ZVDx_qNMv4FFrkJekZduao8datZYiqw,39201
105
- ipex_llm/transformers/model.py,sha256=FyHrEQhkHxG3FbGkhTjVOP2rgFMjc3AXcjDwvvB0HqU,40798
105
+ ipex_llm/transformers/model.py,sha256=r9jLsLlGB4rOZ7SMrmCE5qyXqC9Ae56unNq1gNjfP54,40885
106
106
  ipex_llm/transformers/modelling_bigdl.py,sha256=7JpNVMuyq_OmtNUaMFMXdxPWZp2q0QHC02QeA-VTPOw,6709
107
107
  ipex_llm/transformers/npu_model.py,sha256=zgXOiLIJ-3p-1Kejgv4jUFK8OiBZbezMZrRyn0_6_8c,40306
108
108
  ipex_llm/transformers/patches.py,sha256=G9KcXxo42H1HJEDaroq4JbBN5P0P0lty7U7kk7-g4tw,991
@@ -155,7 +155,7 @@ ipex_llm/transformers/models/chatglm4.py,sha256=QvUehdaCePB3MNHyWg3dneDxmjtBdxYe
155
155
  ipex_llm/transformers/models/chatglm4v.py,sha256=Ba9Xtzwtzk_rzg5khGqDrlHfJsDwc5YcM5_yPoord7o,13324
156
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=LFFA3tOtS3-WVoNmQQsfAymMCwNZiVQyBRZ4ZN_-IaE,13135
158
+ ipex_llm/transformers/models/deepseek.py,sha256=BJocxhznzvM99IZeAWuhyHEBm6Z2-AwhLFYMdjMJuc4,13083
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
@@ -187,7 +187,7 @@ ipex_llm/transformers/models/rwkv5.py,sha256=OkRNj1pCAZg1z2Fw-I0DEnxLEdZyPeRSQ6m
187
187
  ipex_llm/transformers/models/sd.py,sha256=VvHV5u-0k2MgHu3NL9113hPj7DgfxqctuKzEEeNfRDU,5981
188
188
  ipex_llm/transformers/models/stablelm.py,sha256=fj-XtOnR6kggnFUQTMPCOOzolkPztN06WAv8QW-XRnI,7054
189
189
  ipex_llm/transformers/models/starcoder2.py,sha256=ONKvD7JCkRM0DI-R56x28QFBJ7CjD5hOZBQ_3WfOcNk,6626
190
- ipex_llm/transformers/models/utils.py,sha256=Rj7QK1s3QxsTT4HzGNR00Q7izG5xYiZEX29YoQIM1tA,16998
190
+ ipex_llm/transformers/models/utils.py,sha256=ch1dpIegGL-jxIAS9OdkojS2qNXRwhebHujVwGH5Y0o,17266
191
191
  ipex_llm/transformers/models/whisper.py,sha256=ju3WP8Eq-KvD7kb3Qy51r4FOfSX3NBxfp5RBcq__gzc,4241
192
192
  ipex_llm/transformers/models/yuan.py,sha256=JYAn_ZaSGK0NBJLEIxCACfAq084a66GFJkdd5NbpmMA,7732
193
193
  ipex_llm/transformers/npu_models/__init__.py,sha256=ulEUGLjaP48LCrVeury3UxLjXxKzRi0UpSG4bYu-7f8,585
@@ -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.0b20250421.data/scripts/ipex-llm-init,sha256=fLQsT2dRL6H5bThb4GuIWotAuqoLsIxFwA-0c2qmaO8,6672
267
- ipex_llm-2.3.0b20250421.data/scripts/llm-chat,sha256=TdUnUmNapzuoe1c8IzrdVOQwWEg8IqsMSBRlOD3daZM,2249
268
- ipex_llm-2.3.0b20250421.data/scripts/llm-cli,sha256=RXGPlLElHxcKzoUxljEMBIAXbzCDysXL-Nxw-xF-7LU,2457
269
- ipex_llm-2.3.0b20250421.dist-info/METADATA,sha256=ipsTM8bckoMMOBFjsTPqRqjth7Z5JAKQBSaOoMRlL4g,13917
270
- ipex_llm-2.3.0b20250421.dist-info/WHEEL,sha256=PPJcBMAZibF_2GFE9NmOJGqiaSMPiNFbJd6QaJjdA6Y,109
271
- ipex_llm-2.3.0b20250421.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
272
- ipex_llm-2.3.0b20250421.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
273
- ipex_llm-2.3.0b20250421.dist-info/RECORD,,
266
+ ipex_llm-2.3.0b20250422.data/scripts/ipex-llm-init,sha256=fLQsT2dRL6H5bThb4GuIWotAuqoLsIxFwA-0c2qmaO8,6672
267
+ ipex_llm-2.3.0b20250422.data/scripts/llm-chat,sha256=TdUnUmNapzuoe1c8IzrdVOQwWEg8IqsMSBRlOD3daZM,2249
268
+ ipex_llm-2.3.0b20250422.data/scripts/llm-cli,sha256=RXGPlLElHxcKzoUxljEMBIAXbzCDysXL-Nxw-xF-7LU,2457
269
+ ipex_llm-2.3.0b20250422.dist-info/METADATA,sha256=Gs6zvDGgubYwrRm9k94z1kKksr8QoqJu4Gv58C_gKj4,8865
270
+ ipex_llm-2.3.0b20250422.dist-info/WHEEL,sha256=PPJcBMAZibF_2GFE9NmOJGqiaSMPiNFbJd6QaJjdA6Y,109
271
+ ipex_llm-2.3.0b20250422.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
272
+ ipex_llm-2.3.0b20250422.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
273
+ ipex_llm-2.3.0b20250422.dist-info/RECORD,,