ipex-llm 2.2.0b20250203.post0__py3-none-manylinux2010_x86_64.whl → 2.2.0b20250205__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.
@@ -500,16 +500,16 @@ class MatMulLowBit(torch.autograd.Function):
500
500
 
501
501
  @staticmethod
502
502
  @custom_fwd
503
- def forward(ctx, A, weight, input_seq_size):
503
+ def forward(ctx, A, weight, output_size):
504
504
  ctx.is_empty = False
505
505
  import xe_linear
506
506
  if weight.qtype == NF4:
507
507
  result = xe_linear.forward_new(A,
508
508
  weight.data.view(torch.uint8),
509
509
  weight.qtype,
510
- input_seq_size)
510
+ output_size)
511
511
  else:
512
- result = xe_linear.forward_new(A, weight.data, weight.qtype, input_seq_size)
512
+ result = xe_linear.forward_new(A, weight.data, weight.qtype, output_size)
513
513
  if any(ctx.needs_input_grad[:2]):
514
514
  ctx.tensors = (A, weight)
515
515
  else:
@@ -627,89 +627,50 @@ class LowBitLinear(nn.Linear):
627
627
  if self.optimize_lm_head:
628
628
  x = reshape_lm_head_input(x)
629
629
 
630
- # [batch, input_num, in_len]
631
- # input_num == token num for Transformer
632
- x_shape = x.shape
633
- # Output shape, e.g., [batch, input_num, out_len]
634
- new_shape = x_shape[:-1] + (self.out_len,)
630
+ # [batch, seq_len, in_len] -> [batch, seq_len, out_len]
631
+ new_shape = x.shape[:-1] + (self.out_len,)
632
+
635
633
  # Activation is empty tensor, e.g., [1, 0, 4096]
636
- if 0 in x_shape:
634
+ if 0 in x.shape:
637
635
  # return empty tensor with output shape, x.dtype and x.device
638
636
  return torch.empty(new_shape, dtype=x.dtype, device=x.device)
639
637
 
640
- x_2d = x.contiguous().view(-1, x_shape[-1])
641
-
642
638
  if self.act_order:
643
- x_2d = x_2d[:, self.g_idx_map]
644
- # x0 for weight
645
- x0 = self.weight.data
646
-
647
- if x0.device.type == "xpu":
648
- # GPU logic
649
- try:
650
- import xe_linear
651
- from ipex_llm.transformers.models.utils import use_xmx
652
- except ModuleNotFoundError:
653
- invalidInputError(False,
654
- "Please `pip install bigdl_core_xe` first.")
639
+ x = x[..., self.g_idx_map]
655
640
 
656
- if x_2d.is_contiguous() is False:
657
- x_2d = x_2d.contiguous()
641
+ x_2d = x.contiguous().view(-1, x.shape[-1])
658
642
 
659
- if len(x_shape) == 3:
660
- input_seq_size = x_shape[1]
661
- elif len(x_shape) < 3:
662
- input_seq_size = 1
663
-
664
- if is_training:
665
- # training path
666
- if x_2d.requires_grad:
667
- result = MatMulLowBit.apply(x_2d, self.weight, input_seq_size)
668
- else:
669
- if self.weight.qtype == NF4:
670
- result = xe_linear.forward_new(x_2d,
671
- self.weight.data.view(torch.uint8),
672
- self.weight.qtype,
673
- input_seq_size)
674
- else:
675
- result = xe_linear.forward_new(x_2d,
676
- self.weight.data,
677
- self.weight.qtype,
678
- input_seq_size)
643
+ if self.weight.device.type == "xpu":
644
+ if is_training and x_2d.requires_grad:
645
+ result = MatMulLowBit.apply(x_2d, self.weight, self.out_len)
679
646
  else:
680
- # inference path
681
- # current workaround to reduce first token latency of fp32 input
682
- # sometimes fp16 cause nan and training instability
683
- # disable the conversion when training
684
- # TODO: may modify the input length condition for empty cache.
685
647
  do_empty_cache = self.low_memory_mode and x_2d.shape[0] >= 1024
686
648
  if do_empty_cache:
687
649
  torch.xpu.empty_cache()
688
650
 
651
+ if self.qtype == NF4:
652
+ w = self.weight.data.view(torch.uint8)
653
+ else:
654
+ w = self.weight.data
655
+
689
656
  if use_batch_forward(x_2d, self.weight.qtype, self.out_len):
690
657
  import xe_batch
691
- result = xe_batch.batch_forward(x_2d, self.weight.data, self.weight.qtype)
692
- elif (
693
- self.conver_to_half
694
- and x_2d.shape[0] > 1
695
- and x_2d.dtype == torch.float32
696
- and not use_xmx(x_2d, self.weight.qtype)
697
- ):
658
+ result = xe_batch.batch_forward(x_2d, w, self.qtype)
659
+ elif not is_training and self.conver_to_half \
660
+ and x_2d.shape[0] > 1 and x_2d.dtype == torch.float:
661
+ import xe_linear
698
662
  x_2d = x_2d.half()
699
- result = xe_linear.forward_new(x_2d, self.weight.data,
700
- self.weight.qtype, input_seq_size)
663
+ result = xe_linear.forward_new(x_2d, w, self.qtype, self.out_len)
701
664
  result = result.to(x.dtype)
702
665
  else:
703
- if self.weight.qtype == NF4:
704
- result = xe_linear.forward_new(x_2d, self.weight.data.view(torch.uint8),
705
- self.weight.qtype, input_seq_size)
706
- else:
707
- result = xe_linear.forward_new(x_2d, self.weight.data,
708
- self.weight.qtype, input_seq_size)
666
+ import xe_linear
667
+ result = xe_linear.forward_new(x_2d, w, self.qtype, self.out_len)
709
668
 
710
669
  if do_empty_cache:
711
670
  torch.xpu.empty_cache()
671
+
712
672
  result = result.view(new_shape)
673
+
713
674
  if self.mp_group is not None:
714
675
  if get_use_vllm():
715
676
  result = self.mp_group.all_reduce(result)
@@ -718,6 +679,7 @@ class LowBitLinear(nn.Linear):
718
679
  dist.inference_all_reduce(result, group=self.mp_group)
719
680
  else:
720
681
  invalidInputError(False, "mp_group is not None, but no supported backend found")
682
+
721
683
  if self.bias is not None:
722
684
  result += self.bias
723
685
  else:
@@ -731,7 +693,7 @@ class LowBitLinear(nn.Linear):
731
693
  result = MatMulLowBitCPU.apply(x, self.weight)
732
694
  else:
733
695
  from ipex_llm.utils.isa_checker import is_server, is_spr
734
-
696
+ x0 = self.weight.data
735
697
  # convert if necessary, and compute a linear result
736
698
  if is_server() and (not is_spr()) and \
737
699
  self.qtype == SYM_INT4 and x_2d.shape[0] >= TORCH_LINEAR_THRESHOLD:
@@ -259,19 +259,6 @@ def mlp_fusion_check(x, qtype, training):
259
259
  return True
260
260
 
261
261
 
262
- def use_xmx(x: torch.Tensor, qtype: int):
263
- device = get_xpu_device_name(x.device)
264
- return (
265
- device in ["arc", "pvc"]
266
- and qtype in [SYM_INT4, SYM_INT8, FP8E4, FP8E5, WOQ_INT4]
267
- and (
268
- (device == "pvc" and 1 < x.size(0) <= 16)
269
- or
270
- (device != "pvc" and 1 < x.size(0) <= 64)
271
- )
272
- )
273
-
274
-
275
262
  def repeat_kv(hidden_states: torch.Tensor, n_rep: int) -> torch.Tensor:
276
263
  batch, num_key_value_heads, slen, head_dim = hidden_states.shape
277
264
  if n_rep == 1:
@@ -20,9 +20,10 @@ import xe_batch
20
20
  import xe_addons
21
21
 
22
22
 
23
- # @torch.library.register_fake("ipex_llm::forward_new")
24
- # def _(x, weight, qtype, input_size):
25
- # return ???
23
+ @torch.library.register_fake("ipex_llm::forward_new")
24
+ def _(x, weight, qtype, output_size):
25
+ return torch.empty([x.size(0), output_size],
26
+ dtype=x.dtype, device=x.device)
26
27
 
27
28
 
28
29
  # @torch.library.register_fake("ipex_llm::dequant")
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ipex-llm
3
- Version: 2.2.0b20250203.post0
3
+ Version: 2.2.0b20250205
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,10 +27,10 @@ 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.6.0b20250203.post0 ; extra == 'cpp'
30
+ Requires-Dist: bigdl-core-cpp ==2.6.0b20250205 ; extra == 'cpp'
31
31
  Requires-Dist: setuptools ; extra == 'cpp'
32
32
  Provides-Extra: cpp-arl
33
- Requires-Dist: bigdl-core-cpp ==2.6.0b20250203.post0 ; extra == 'cpp-arl'
33
+ Requires-Dist: bigdl-core-cpp ==2.6.0b20250205 ; extra == 'cpp-arl'
34
34
  Requires-Dist: setuptools ; extra == 'cpp-arl'
35
35
  Requires-Dist: onednn-devel ==2024.1.1 ; (platform_system == "Windows") and extra == 'cpp-arl'
36
36
  Requires-Dist: onednn ==2024.1.1 ; (platform_system == "Windows") and extra == 'cpp-arl'
@@ -67,7 +67,7 @@ Requires-Dist: transformers ==4.40.0 ; extra == 'npu'
67
67
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'npu'
68
68
  Requires-Dist: torch ==2.1.2+cpu ; (platform_system == "Linux") and extra == 'npu'
69
69
  Requires-Dist: torch ==2.1.2 ; (platform_system == "Windows") and extra == 'npu'
70
- Requires-Dist: bigdl-core-npu ==2.6.0b20250203.post0 ; (platform_system == "Windows") and extra == 'npu'
70
+ Requires-Dist: bigdl-core-npu ==2.6.0b20250205 ; (platform_system == "Windows") and extra == 'npu'
71
71
  Provides-Extra: serving
72
72
  Requires-Dist: py-cpuinfo ; extra == 'serving'
73
73
  Requires-Dist: fschat[model_worker,webui] ==0.2.36 ; extra == 'serving'
@@ -87,9 +87,9 @@ Requires-Dist: setuptools <70.0.0 ; extra == 'xpu'
87
87
  Requires-Dist: torch ==2.1.0a0 ; extra == 'xpu'
88
88
  Requires-Dist: torchvision ==0.16.0a0 ; extra == 'xpu'
89
89
  Requires-Dist: intel-extension-for-pytorch ==2.1.10+xpu ; extra == 'xpu'
90
- Requires-Dist: bigdl-core-xe-21 ==2.6.0b20250203.post0 ; extra == 'xpu'
91
- Requires-Dist: bigdl-core-xe-batch-21 ==2.6.0b20250203.post0 ; extra == 'xpu'
92
- Requires-Dist: bigdl-core-xe-addons-21 ==2.6.0b20250203.post0 ; extra == 'xpu'
90
+ Requires-Dist: bigdl-core-xe-21 ==2.6.0b20250205 ; extra == 'xpu'
91
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.6.0b20250205 ; extra == 'xpu'
92
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.6.0b20250205 ; extra == 'xpu'
93
93
  Provides-Extra: xpu-2-1
94
94
  Requires-Dist: py-cpuinfo ; extra == 'xpu-2-1'
95
95
  Requires-Dist: protobuf ; extra == 'xpu-2-1'
@@ -104,9 +104,9 @@ Requires-Dist: setuptools <70.0.0 ; extra == 'xpu-2-1'
104
104
  Requires-Dist: torch ==2.1.0a0 ; extra == 'xpu-2-1'
105
105
  Requires-Dist: torchvision ==0.16.0a0 ; extra == 'xpu-2-1'
106
106
  Requires-Dist: intel-extension-for-pytorch ==2.1.10+xpu ; extra == 'xpu-2-1'
107
- Requires-Dist: bigdl-core-xe-21 ==2.6.0b20250203.post0 ; extra == 'xpu-2-1'
108
- Requires-Dist: bigdl-core-xe-batch-21 ==2.6.0b20250203.post0 ; extra == 'xpu-2-1'
109
- Requires-Dist: bigdl-core-xe-addons-21 ==2.6.0b20250203.post0 ; extra == 'xpu-2-1'
107
+ Requires-Dist: bigdl-core-xe-21 ==2.6.0b20250205 ; extra == 'xpu-2-1'
108
+ Requires-Dist: bigdl-core-xe-batch-21 ==2.6.0b20250205 ; extra == 'xpu-2-1'
109
+ Requires-Dist: bigdl-core-xe-addons-21 ==2.6.0b20250205 ; extra == 'xpu-2-1'
110
110
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-2-1'
111
111
  Requires-Dist: dpcpp-cpp-rt ==2024.0.2 ; (platform_system == "Windows") and extra == 'xpu-2-1'
112
112
  Requires-Dist: mkl-dpcpp ==2024.0.0 ; (platform_system == "Windows") and extra == 'xpu-2-1'
@@ -124,7 +124,7 @@ Requires-Dist: setuptools ; extra == 'xpu-2-6'
124
124
  Requires-Dist: torch ==2.6.0+xpu ; extra == 'xpu-2-6'
125
125
  Requires-Dist: torchvision ==0.21.0+xpu ; extra == 'xpu-2-6'
126
126
  Requires-Dist: torchaudio ==2.6.0+xpu ; extra == 'xpu-2-6'
127
- Requires-Dist: bigdl-core-xe-all ==2.6.0b20250203.post0 ; extra == 'xpu-2-6'
127
+ Requires-Dist: bigdl-core-xe-all ==2.6.0b20250205 ; extra == 'xpu-2-6'
128
128
  Requires-Dist: onednn-devel ==2025.0.1 ; extra == 'xpu-2-6'
129
129
  Requires-Dist: onednn ==2025.0.1 ; extra == 'xpu-2-6'
130
130
  Requires-Dist: dpcpp-cpp-rt ==2025.0.2 ; extra == 'xpu-2-6'
@@ -140,9 +140,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arc'
140
140
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arc'
141
141
  Requires-Dist: tabulate ; extra == 'xpu-arc'
142
142
  Requires-Dist: setuptools ; extra == 'xpu-arc'
143
- Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arc'
144
- Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arc'
145
- Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arc'
143
+ Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250205 ; extra == 'xpu-arc'
144
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250205 ; extra == 'xpu-arc'
145
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250205 ; extra == 'xpu-arc'
146
146
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arc'
147
147
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
148
148
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arc'
@@ -163,9 +163,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-arl'
163
163
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-arl'
164
164
  Requires-Dist: tabulate ; extra == 'xpu-arl'
165
165
  Requires-Dist: setuptools ; extra == 'xpu-arl'
166
- Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arl'
167
- Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arl'
168
- Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250203.post0 ; extra == 'xpu-arl'
166
+ Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250205 ; extra == 'xpu-arl'
167
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250205 ; extra == 'xpu-arl'
168
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250205 ; extra == 'xpu-arl'
169
169
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-arl'
170
170
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
171
171
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-arl'
@@ -186,9 +186,9 @@ Requires-Dist: tokenizers ==0.15.2 ; extra == 'xpu-lnl'
186
186
  Requires-Dist: accelerate ==0.23.0 ; extra == 'xpu-lnl'
187
187
  Requires-Dist: tabulate ; extra == 'xpu-lnl'
188
188
  Requires-Dist: setuptools ; extra == 'xpu-lnl'
189
- Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250203.post0 ; extra == 'xpu-lnl'
190
- Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250203.post0 ; extra == 'xpu-lnl'
191
- Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250203.post0 ; extra == 'xpu-lnl'
189
+ Requires-Dist: bigdl-core-xe-23 ==2.6.0b20250205 ; extra == 'xpu-lnl'
190
+ Requires-Dist: bigdl-core-xe-batch-23 ==2.6.0b20250205 ; extra == 'xpu-lnl'
191
+ Requires-Dist: bigdl-core-xe-addons-23 ==2.6.0b20250205 ; extra == 'xpu-lnl'
192
192
  Requires-Dist: intel-openmp ; (platform_machine == "x86_64" or platform_machine == "AMD64") and extra == 'xpu-lnl'
193
193
  Requires-Dist: torch ==2.3.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
194
194
  Requires-Dist: torchvision ==0.18.1+cxx11.abi ; (platform_system == "Linux") and extra == 'xpu-lnl'
@@ -101,7 +101,7 @@ ipex_llm/transformers/kv.py,sha256=k4TU18LlA-Sbq9WNNQnfuzu3RSFBwFhmaV3BcGN5bAo,1
101
101
  ipex_llm/transformers/lisa.py,sha256=F5WxbtXQ7RdKulj83h_2DnEIgKiKGZf7zvOmg6QBl2s,3289
102
102
  ipex_llm/transformers/loader.py,sha256=AwjV5RpI2t2bedlv7ZhLm8cfd-QJZm5hny-XyjIvdnk,6876
103
103
  ipex_llm/transformers/lookup.py,sha256=b6OlZ9OV10R9qeWw8mVryVpDxszkjwLkldvi7GPMJY8,19614
104
- ipex_llm/transformers/low_bit_linear.py,sha256=mFJRKU60ZVHm-V7gDsJYIz-ryntZi15XhS0eqSUPag4,41136
104
+ ipex_llm/transformers/low_bit_linear.py,sha256=9Z3qQc8j5Kkq4vqrY4gqz8_b2V8hFIhvRm-vdIT8N_4,39123
105
105
  ipex_llm/transformers/model.py,sha256=cQJNlAkdfoWmVbWd-TS2hf-Do41mMO9orPvG3FO4Nns,40855
106
106
  ipex_llm/transformers/modelling_bigdl.py,sha256=7JpNVMuyq_OmtNUaMFMXdxPWZp2q0QHC02QeA-VTPOw,6709
107
107
  ipex_llm/transformers/npu_model.py,sha256=X8ZtvZJpzz64XrSPhUYXXZmdJcbZ9X6G3Vlzw-zgN1Q,39749
@@ -114,7 +114,7 @@ ipex_llm/transformers/streamer.py,sha256=RrVlLblzCOtABRUpaMXAyaMnCGgLUtAi_YesLum
114
114
  ipex_llm/transformers/training_patch.py,sha256=oxMkUtqyvqJiprw6dE3skkYfD1HOmUlH9N0hBkbn0G0,10799
115
115
  ipex_llm/transformers/utils.py,sha256=JBekwpPD-CyMxt1OzvVsp7tu26pSA4v2mjuaUbqrAgI,16995
116
116
  ipex_llm/transformers/xpu_customize_fwd.py,sha256=wFpIhs5F6tkNs8gBOrLxWdhLzO3EDHovVkERPIAoAvg,7611
117
- ipex_llm/transformers/xpu_ops.py,sha256=vw4cUwvqUqDr45d-WMIkCpM2oiHfjN-VjF0bjMSF4kY,4830
117
+ ipex_llm/transformers/xpu_ops.py,sha256=z95iTtcDQvNyJOvB4A6B_ECTYjHp4A7x-FsssoETOMs,4914
118
118
  ipex_llm/transformers/awq/__init__.py,sha256=Du5gu3-eeAkeDO_dEMBTzrDBA66DSN3uL3-rn8WGXQw,875
119
119
  ipex_llm/transformers/awq/act.py,sha256=YwomJzOOKwkKtzGrm4L4kwBstBLO1Z8SK4CKi8PSYVQ,2172
120
120
  ipex_llm/transformers/awq/awq.py,sha256=cGyRQJWwAEJtOtdSbsBoQ33KX_Ie0pv5OJHC0ACEELE,8861
@@ -181,7 +181,7 @@ ipex_llm/transformers/models/rwkv5.py,sha256=OkRNj1pCAZg1z2Fw-I0DEnxLEdZyPeRSQ6m
181
181
  ipex_llm/transformers/models/sd.py,sha256=VvHV5u-0k2MgHu3NL9113hPj7DgfxqctuKzEEeNfRDU,5981
182
182
  ipex_llm/transformers/models/stablelm.py,sha256=fj-XtOnR6kggnFUQTMPCOOzolkPztN06WAv8QW-XRnI,7054
183
183
  ipex_llm/transformers/models/starcoder2.py,sha256=ONKvD7JCkRM0DI-R56x28QFBJ7CjD5hOZBQ_3WfOcNk,6626
184
- ipex_llm/transformers/models/utils.py,sha256=Rdn9T4zk6Hz8ybJp6kvlyfPwgHwdxEZ8R4zGtMeozWg,15105
184
+ ipex_llm/transformers/models/utils.py,sha256=qI5ln8SQGTvR_IyxFkoZhefgOErnXUnJrifIyhiqT9c,14753
185
185
  ipex_llm/transformers/models/whisper.py,sha256=ju3WP8Eq-KvD7kb3Qy51r4FOfSX3NBxfp5RBcq__gzc,4241
186
186
  ipex_llm/transformers/models/yuan.py,sha256=JYAn_ZaSGK0NBJLEIxCACfAq084a66GFJkdd5NbpmMA,7732
187
187
  ipex_llm/transformers/npu_models/__init__.py,sha256=ulEUGLjaP48LCrVeury3UxLjXxKzRi0UpSG4bYu-7f8,585
@@ -255,11 +255,11 @@ ipex_llm/vllm/xpu/engine/__init__.py,sha256=pY_CpyuZd72fr6s32ejeKHKFW0K4vUU2rzZj
255
255
  ipex_llm/vllm/xpu/engine/engine.py,sha256=k4-D27WS_Gk3mA--w3HWAjPjb4Aiu043MVPi0ZoAUBc,5984
256
256
  ipex_llm/vllm/xpu/entrypoints/openai/api_server.py,sha256=GshTZFB8e4PWvqckfbmTOU6b0oLkNn7A-vzLuG9--j8,21544
257
257
  ipex_llm/vllm/xpu/entrypoints/openai/cli_args.py,sha256=2rENA2ucynMaIjiZBEh2ez1o5vR32GaP514t39CD7KM,8676
258
- ipex_llm-2.2.0b20250203.post0.data/scripts/ipex-llm-init,sha256=fLQsT2dRL6H5bThb4GuIWotAuqoLsIxFwA-0c2qmaO8,6672
259
- ipex_llm-2.2.0b20250203.post0.data/scripts/llm-chat,sha256=TdUnUmNapzuoe1c8IzrdVOQwWEg8IqsMSBRlOD3daZM,2249
260
- ipex_llm-2.2.0b20250203.post0.data/scripts/llm-cli,sha256=RXGPlLElHxcKzoUxljEMBIAXbzCDysXL-Nxw-xF-7LU,2457
261
- ipex_llm-2.2.0b20250203.post0.dist-info/METADATA,sha256=ulllR1vtzyPMb4ksgP8QCN1uhxquIS6Hfb24sufoJvE,12999
262
- ipex_llm-2.2.0b20250203.post0.dist-info/WHEEL,sha256=PPJcBMAZibF_2GFE9NmOJGqiaSMPiNFbJd6QaJjdA6Y,109
263
- ipex_llm-2.2.0b20250203.post0.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
264
- ipex_llm-2.2.0b20250203.post0.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
265
- ipex_llm-2.2.0b20250203.post0.dist-info/RECORD,,
258
+ ipex_llm-2.2.0b20250205.data/scripts/ipex-llm-init,sha256=fLQsT2dRL6H5bThb4GuIWotAuqoLsIxFwA-0c2qmaO8,6672
259
+ ipex_llm-2.2.0b20250205.data/scripts/llm-chat,sha256=TdUnUmNapzuoe1c8IzrdVOQwWEg8IqsMSBRlOD3daZM,2249
260
+ ipex_llm-2.2.0b20250205.data/scripts/llm-cli,sha256=RXGPlLElHxcKzoUxljEMBIAXbzCDysXL-Nxw-xF-7LU,2457
261
+ ipex_llm-2.2.0b20250205.dist-info/METADATA,sha256=dcy4swE9fq7tfGndfg4yAhMDaIs4-0nrRpcDFuAaMFw,12879
262
+ ipex_llm-2.2.0b20250205.dist-info/WHEEL,sha256=PPJcBMAZibF_2GFE9NmOJGqiaSMPiNFbJd6QaJjdA6Y,109
263
+ ipex_llm-2.2.0b20250205.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
264
+ ipex_llm-2.2.0b20250205.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
265
+ ipex_llm-2.2.0b20250205.dist-info/RECORD,,