ipex-llm 2.2.0b20250204__py3-none-win_amd64.whl → 2.2.0b20250205__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.
- ipex_llm/libs/bloom-api.dll +0 -0
- ipex_llm/libs/bloom.dll +0 -0
- ipex_llm/libs/gptneox-api.dll +0 -0
- ipex_llm/libs/gptneox.dll +0 -0
- ipex_llm/libs/libbloom_avx.dll +0 -0
- ipex_llm/libs/libbloom_vnni.dll +0 -0
- ipex_llm/libs/libgptneox_avx.dll +0 -0
- ipex_llm/libs/libgptneox_vnni.dll +0 -0
- ipex_llm/libs/libllama_avx.dll +0 -0
- ipex_llm/libs/libllama_vnni.dll +0 -0
- ipex_llm/libs/libstarcoder_avx.dll +0 -0
- ipex_llm/libs/libstarcoder_vnni.dll +0 -0
- ipex_llm/libs/llama-api.dll +0 -0
- ipex_llm/libs/llama.dll +0 -0
- ipex_llm/libs/main-bloom.exe +0 -0
- ipex_llm/libs/main-gptneox.exe +0 -0
- ipex_llm/libs/main-llama.exe +0 -0
- ipex_llm/libs/main-starcoder.exe +0 -0
- ipex_llm/libs/pipeline.dll +0 -0
- ipex_llm/libs/quantize-bloom.exe +0 -0
- ipex_llm/libs/quantize-bloom_vnni.exe +0 -0
- ipex_llm/libs/quantize-gptneox.exe +0 -0
- ipex_llm/libs/quantize-gptneox_vnni.exe +0 -0
- ipex_llm/libs/quantize-llama.exe +0 -0
- ipex_llm/libs/quantize-llama_vnni.exe +0 -0
- ipex_llm/libs/quantize-starcoder.exe +0 -0
- ipex_llm/libs/quantize-starcoder_vnni.exe +0 -0
- ipex_llm/libs/starcoder-api.dll +0 -0
- ipex_llm/libs/starcoder.dll +0 -0
- ipex_llm/transformers/low_bit_linear.py +28 -66
- ipex_llm/transformers/models/utils.py +0 -13
- ipex_llm/transformers/xpu_ops.py +4 -3
- {ipex_llm-2.2.0b20250204.dist-info → ipex_llm-2.2.0b20250205.dist-info}/METADATA +20 -20
- {ipex_llm-2.2.0b20250204.dist-info → ipex_llm-2.2.0b20250205.dist-info}/RECORD +40 -40
- {ipex_llm-2.2.0b20250204.data → ipex_llm-2.2.0b20250205.data}/scripts/ipex-llm-init.bat +0 -0
- {ipex_llm-2.2.0b20250204.data → ipex_llm-2.2.0b20250205.data}/scripts/llm-chat.ps1 +0 -0
- {ipex_llm-2.2.0b20250204.data → ipex_llm-2.2.0b20250205.data}/scripts/llm-cli.ps1 +0 -0
- {ipex_llm-2.2.0b20250204.dist-info → ipex_llm-2.2.0b20250205.dist-info}/WHEEL +0 -0
- {ipex_llm-2.2.0b20250204.dist-info → ipex_llm-2.2.0b20250205.dist-info}/entry_points.txt +0 -0
- {ipex_llm-2.2.0b20250204.dist-info → ipex_llm-2.2.0b20250205.dist-info}/top_level.txt +0 -0
ipex_llm/libs/bloom-api.dll
CHANGED
Binary file
|
ipex_llm/libs/bloom.dll
CHANGED
Binary file
|
ipex_llm/libs/gptneox-api.dll
CHANGED
Binary file
|
ipex_llm/libs/gptneox.dll
CHANGED
Binary file
|
ipex_llm/libs/libbloom_avx.dll
CHANGED
Binary file
|
ipex_llm/libs/libbloom_vnni.dll
CHANGED
Binary file
|
ipex_llm/libs/libgptneox_avx.dll
CHANGED
Binary file
|
Binary file
|
ipex_llm/libs/libllama_avx.dll
CHANGED
Binary file
|
ipex_llm/libs/libllama_vnni.dll
CHANGED
Binary file
|
Binary file
|
Binary file
|
ipex_llm/libs/llama-api.dll
CHANGED
Binary file
|
ipex_llm/libs/llama.dll
CHANGED
Binary file
|
ipex_llm/libs/main-bloom.exe
CHANGED
Binary file
|
ipex_llm/libs/main-gptneox.exe
CHANGED
Binary file
|
ipex_llm/libs/main-llama.exe
CHANGED
Binary file
|
ipex_llm/libs/main-starcoder.exe
CHANGED
Binary file
|
ipex_llm/libs/pipeline.dll
CHANGED
Binary file
|
ipex_llm/libs/quantize-bloom.exe
CHANGED
Binary file
|
Binary file
|
Binary file
|
Binary file
|
ipex_llm/libs/quantize-llama.exe
CHANGED
Binary file
|
Binary file
|
Binary file
|
Binary file
|
ipex_llm/libs/starcoder-api.dll
CHANGED
Binary file
|
ipex_llm/libs/starcoder.dll
CHANGED
Binary file
|
@@ -500,16 +500,16 @@ class MatMulLowBit(torch.autograd.Function):
|
|
500
500
|
|
501
501
|
@staticmethod
|
502
502
|
@custom_fwd
|
503
|
-
def forward(ctx, A, weight,
|
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
|
-
|
510
|
+
output_size)
|
511
511
|
else:
|
512
|
-
result = xe_linear.forward_new(A, weight.data, weight.qtype,
|
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,
|
631
|
-
|
632
|
-
|
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
|
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
|
-
|
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
|
-
|
657
|
-
x_2d = x_2d.contiguous()
|
641
|
+
x_2d = x.contiguous().view(-1, x.shape[-1])
|
658
642
|
|
659
|
-
|
660
|
-
|
661
|
-
|
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,
|
692
|
-
elif
|
693
|
-
|
694
|
-
|
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.
|
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
|
-
|
704
|
-
|
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:
|
ipex_llm/transformers/xpu_ops.py
CHANGED
@@ -20,9 +20,10 @@ import xe_batch
|
|
20
20
|
import xe_addons
|
21
21
|
|
22
22
|
|
23
|
-
|
24
|
-
|
25
|
-
|
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.
|
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.
|
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.
|
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.
|
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.
|
91
|
-
Requires-Dist: bigdl-core-xe-batch-21 ==2.6.
|
92
|
-
Requires-Dist: bigdl-core-xe-addons-21 ==2.6.
|
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.
|
108
|
-
Requires-Dist: bigdl-core-xe-batch-21 ==2.6.
|
109
|
-
Requires-Dist: bigdl-core-xe-addons-21 ==2.6.
|
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.
|
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.
|
144
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.6.
|
145
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.6.
|
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.
|
167
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.6.
|
168
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.6.
|
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.
|
190
|
-
Requires-Dist: bigdl-core-xe-batch-23 ==2.6.
|
191
|
-
Requires-Dist: bigdl-core-xe-addons-23 ==2.6.
|
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'
|
@@ -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=
|
45
|
-
ipex_llm/libs/bloom.dll,sha256=
|
46
|
-
ipex_llm/libs/gptneox-api.dll,sha256=
|
47
|
-
ipex_llm/libs/gptneox.dll,sha256=
|
48
|
-
ipex_llm/libs/libbloom_avx.dll,sha256=
|
49
|
-
ipex_llm/libs/libbloom_vnni.dll,sha256=
|
50
|
-
ipex_llm/libs/libgptneox_avx.dll,sha256=
|
51
|
-
ipex_llm/libs/libgptneox_vnni.dll,sha256=
|
52
|
-
ipex_llm/libs/libllama_avx.dll,sha256=
|
53
|
-
ipex_llm/libs/libllama_vnni.dll,sha256=
|
54
|
-
ipex_llm/libs/libstarcoder_avx.dll,sha256=
|
55
|
-
ipex_llm/libs/libstarcoder_vnni.dll,sha256=
|
56
|
-
ipex_llm/libs/llama-api.dll,sha256=
|
57
|
-
ipex_llm/libs/llama.dll,sha256=
|
58
|
-
ipex_llm/libs/main-bloom.exe,sha256=
|
59
|
-
ipex_llm/libs/main-gptneox.exe,sha256=
|
60
|
-
ipex_llm/libs/main-llama.exe,sha256=
|
61
|
-
ipex_llm/libs/main-starcoder.exe,sha256=
|
62
|
-
ipex_llm/libs/pipeline.dll,sha256=
|
63
|
-
ipex_llm/libs/quantize-bloom.exe,sha256=
|
64
|
-
ipex_llm/libs/quantize-bloom_vnni.exe,sha256=
|
65
|
-
ipex_llm/libs/quantize-gptneox.exe,sha256=
|
66
|
-
ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=
|
67
|
-
ipex_llm/libs/quantize-llama.exe,sha256=
|
68
|
-
ipex_llm/libs/quantize-llama_vnni.exe,sha256=
|
69
|
-
ipex_llm/libs/quantize-starcoder.exe,sha256=
|
70
|
-
ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=
|
71
|
-
ipex_llm/libs/starcoder-api.dll,sha256=
|
72
|
-
ipex_llm/libs/starcoder.dll,sha256=
|
44
|
+
ipex_llm/libs/bloom-api.dll,sha256=TYlavqKZLm9cn6bP0_Or4CwB3Hjz8Yx4pp8S97-AHBs,36352
|
45
|
+
ipex_llm/libs/bloom.dll,sha256=wSBD5w8Jerz1w_YZcXgXkuo2Zvb2MAxwfP93Kf07vkU,507904
|
46
|
+
ipex_llm/libs/gptneox-api.dll,sha256=faHoG2Cjjw_FGzdzB_yLSJaJkbOr6xh7YVNnF9_Qu0o,24576
|
47
|
+
ipex_llm/libs/gptneox.dll,sha256=0vyvMBJ4C0BWzdDiLxVLLAam4E8CSgNKCSnZFM_To6s,568320
|
48
|
+
ipex_llm/libs/libbloom_avx.dll,sha256=5lA3evSyudxU5-i5-SfShwIxCAVL0ssHnwLUKxI-vDI,536576
|
49
|
+
ipex_llm/libs/libbloom_vnni.dll,sha256=sI5rtSX7dBFVWzJieXKvtlHyDaLXD4cWmhZSTidAgvI,508416
|
50
|
+
ipex_llm/libs/libgptneox_avx.dll,sha256=B21Em9BYrn1HTz2O2B5FTY02w0-p9qpevh5N7X6S4QU,596992
|
51
|
+
ipex_llm/libs/libgptneox_vnni.dll,sha256=cq3bT4fI_m_bKh67LxQ6lclPX02z2EpYVKAmrmL4_zs,568832
|
52
|
+
ipex_llm/libs/libllama_avx.dll,sha256=KlyAxUy8bWTOtyFfzKGJ_AM3JkCYTHMi9fhKNtT_uUU,591360
|
53
|
+
ipex_llm/libs/libllama_vnni.dll,sha256=75HWr7FpY3Xs-QtPq5gVkcvJ57KdjK5kTIdQk6xSA1E,563200
|
54
|
+
ipex_llm/libs/libstarcoder_avx.dll,sha256=sjyGRSsjjc_GcyZpvB89UhighhQ9wU80zldZsglRjwA,627712
|
55
|
+
ipex_llm/libs/libstarcoder_vnni.dll,sha256=F97jMsjqaIjnePj60vxqApcUrKp3-SZxXz4COBGUzvM,599552
|
56
|
+
ipex_llm/libs/llama-api.dll,sha256=OnpoPUxtof1EROi67pOWUuxSy6PriboSZalzEiUlCg8,25600
|
57
|
+
ipex_llm/libs/llama.dll,sha256=K2aQszJnyEO-JSxwYrxrFmcZV07P1QmTRfRAvXwM2Z8,562688
|
58
|
+
ipex_llm/libs/main-bloom.exe,sha256=BGIcVdDx4iqv1RyoeUy84fxmKyD0GqE4LqlVMSMcQg8,103424
|
59
|
+
ipex_llm/libs/main-gptneox.exe,sha256=qPpFcf6SJBH-RENZKMUdne3CrXWqfuhuriKmdvmmIso,98816
|
60
|
+
ipex_llm/libs/main-llama.exe,sha256=4BO76bHr0rfxHd_aMOsEwrHJWZaOmYnPplmjbx2yxtA,99840
|
61
|
+
ipex_llm/libs/main-starcoder.exe,sha256=eEw_9oi2MN1b3Pqz07-ZWj2iT23_B8E7_kpZXNf1E80,157696
|
62
|
+
ipex_llm/libs/pipeline.dll,sha256=Zgvo_nVUIniV1LIFPTTOomYivrqVBKteML0Ho8uzuwA,72704
|
63
|
+
ipex_llm/libs/quantize-bloom.exe,sha256=xTuVYryKBNIvU-GPakVyx_B1fkST7AgG1al6db1NPrI,126464
|
64
|
+
ipex_llm/libs/quantize-bloom_vnni.exe,sha256=s0oXCglgy-t9unR0LUDBPlafr4kuQSHbwg3-1RdekFY,128000
|
65
|
+
ipex_llm/libs/quantize-gptneox.exe,sha256=HZHwFQTn_GvK-t-BRNogifb5YsfqaUtTsJSYA2OPP2M,104448
|
66
|
+
ipex_llm/libs/quantize-gptneox_vnni.exe,sha256=uBZd6QtfKaoTuwdtr_dnP_8gq_a-3aFbXpS_hT-_okc,104960
|
67
|
+
ipex_llm/libs/quantize-llama.exe,sha256=E37KzQH13mrrtw42I1k_SUI9ineOnuarayVLc-PLCMs,110080
|
68
|
+
ipex_llm/libs/quantize-llama_vnni.exe,sha256=E8xUhe9Z-YHHbIS4bv9q_6KaJyHLZ0wIavtdNKoBpjQ,110592
|
69
|
+
ipex_llm/libs/quantize-starcoder.exe,sha256=zM_szw58gFqVlG-asnXct8c0acWYkrfUegmx0HxHB0w,127488
|
70
|
+
ipex_llm/libs/quantize-starcoder_vnni.exe,sha256=ZlbP1fHeLMMBNrZr-ZMa142ctlDWK5eO6i3yE92Xy8I,128512
|
71
|
+
ipex_llm/libs/starcoder-api.dll,sha256=UkGT5bPDpDOjdeD3wugMOrTt8cY8dEyUHa7_noZ6M2M,21504
|
72
|
+
ipex_llm/libs/starcoder.dll,sha256=n3aruSfoeRcYLia9OREio5bvI2y9JLhhZaoPmjscVw8,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
|
@@ -94,7 +94,7 @@ ipex_llm/transformers/kv.py,sha256=k4TU18LlA-Sbq9WNNQnfuzu3RSFBwFhmaV3BcGN5bAo,1
|
|
94
94
|
ipex_llm/transformers/lisa.py,sha256=F5WxbtXQ7RdKulj83h_2DnEIgKiKGZf7zvOmg6QBl2s,3289
|
95
95
|
ipex_llm/transformers/loader.py,sha256=AwjV5RpI2t2bedlv7ZhLm8cfd-QJZm5hny-XyjIvdnk,6876
|
96
96
|
ipex_llm/transformers/lookup.py,sha256=b6OlZ9OV10R9qeWw8mVryVpDxszkjwLkldvi7GPMJY8,19614
|
97
|
-
ipex_llm/transformers/low_bit_linear.py,sha256=
|
97
|
+
ipex_llm/transformers/low_bit_linear.py,sha256=9Z3qQc8j5Kkq4vqrY4gqz8_b2V8hFIhvRm-vdIT8N_4,39123
|
98
98
|
ipex_llm/transformers/model.py,sha256=cQJNlAkdfoWmVbWd-TS2hf-Do41mMO9orPvG3FO4Nns,40855
|
99
99
|
ipex_llm/transformers/modelling_bigdl.py,sha256=7JpNVMuyq_OmtNUaMFMXdxPWZp2q0QHC02QeA-VTPOw,6709
|
100
100
|
ipex_llm/transformers/npu_model.py,sha256=X8ZtvZJpzz64XrSPhUYXXZmdJcbZ9X6G3Vlzw-zgN1Q,39749
|
@@ -107,7 +107,7 @@ ipex_llm/transformers/streamer.py,sha256=RrVlLblzCOtABRUpaMXAyaMnCGgLUtAi_YesLum
|
|
107
107
|
ipex_llm/transformers/training_patch.py,sha256=oxMkUtqyvqJiprw6dE3skkYfD1HOmUlH9N0hBkbn0G0,10799
|
108
108
|
ipex_llm/transformers/utils.py,sha256=JBekwpPD-CyMxt1OzvVsp7tu26pSA4v2mjuaUbqrAgI,16995
|
109
109
|
ipex_llm/transformers/xpu_customize_fwd.py,sha256=wFpIhs5F6tkNs8gBOrLxWdhLzO3EDHovVkERPIAoAvg,7611
|
110
|
-
ipex_llm/transformers/xpu_ops.py,sha256=
|
110
|
+
ipex_llm/transformers/xpu_ops.py,sha256=z95iTtcDQvNyJOvB4A6B_ECTYjHp4A7x-FsssoETOMs,4914
|
111
111
|
ipex_llm/transformers/awq/__init__.py,sha256=Du5gu3-eeAkeDO_dEMBTzrDBA66DSN3uL3-rn8WGXQw,875
|
112
112
|
ipex_llm/transformers/awq/act.py,sha256=YwomJzOOKwkKtzGrm4L4kwBstBLO1Z8SK4CKi8PSYVQ,2172
|
113
113
|
ipex_llm/transformers/awq/awq.py,sha256=cGyRQJWwAEJtOtdSbsBoQ33KX_Ie0pv5OJHC0ACEELE,8861
|
@@ -174,7 +174,7 @@ ipex_llm/transformers/models/rwkv5.py,sha256=OkRNj1pCAZg1z2Fw-I0DEnxLEdZyPeRSQ6m
|
|
174
174
|
ipex_llm/transformers/models/sd.py,sha256=VvHV5u-0k2MgHu3NL9113hPj7DgfxqctuKzEEeNfRDU,5981
|
175
175
|
ipex_llm/transformers/models/stablelm.py,sha256=fj-XtOnR6kggnFUQTMPCOOzolkPztN06WAv8QW-XRnI,7054
|
176
176
|
ipex_llm/transformers/models/starcoder2.py,sha256=ONKvD7JCkRM0DI-R56x28QFBJ7CjD5hOZBQ_3WfOcNk,6626
|
177
|
-
ipex_llm/transformers/models/utils.py,sha256=
|
177
|
+
ipex_llm/transformers/models/utils.py,sha256=qI5ln8SQGTvR_IyxFkoZhefgOErnXUnJrifIyhiqT9c,14753
|
178
178
|
ipex_llm/transformers/models/whisper.py,sha256=ju3WP8Eq-KvD7kb3Qy51r4FOfSX3NBxfp5RBcq__gzc,4241
|
179
179
|
ipex_llm/transformers/models/yuan.py,sha256=JYAn_ZaSGK0NBJLEIxCACfAq084a66GFJkdd5NbpmMA,7732
|
180
180
|
ipex_llm/transformers/npu_models/__init__.py,sha256=ulEUGLjaP48LCrVeury3UxLjXxKzRi0UpSG4bYu-7f8,585
|
@@ -248,11 +248,11 @@ ipex_llm/vllm/xpu/engine/__init__.py,sha256=pY_CpyuZd72fr6s32ejeKHKFW0K4vUU2rzZj
|
|
248
248
|
ipex_llm/vllm/xpu/engine/engine.py,sha256=k4-D27WS_Gk3mA--w3HWAjPjb4Aiu043MVPi0ZoAUBc,5984
|
249
249
|
ipex_llm/vllm/xpu/entrypoints/openai/api_server.py,sha256=GshTZFB8e4PWvqckfbmTOU6b0oLkNn7A-vzLuG9--j8,21544
|
250
250
|
ipex_llm/vllm/xpu/entrypoints/openai/cli_args.py,sha256=2rENA2ucynMaIjiZBEh2ez1o5vR32GaP514t39CD7KM,8676
|
251
|
-
ipex_llm-2.2.
|
252
|
-
ipex_llm-2.2.
|
253
|
-
ipex_llm-2.2.
|
254
|
-
ipex_llm-2.2.
|
255
|
-
ipex_llm-2.2.
|
256
|
-
ipex_llm-2.2.
|
257
|
-
ipex_llm-2.2.
|
258
|
-
ipex_llm-2.2.
|
251
|
+
ipex_llm-2.2.0b20250205.data/scripts/ipex-llm-init.bat,sha256=HPtCYuDYwEatq7dAwOvdfVcHYCpAVdbj75K1qh0vQek,2578
|
252
|
+
ipex_llm-2.2.0b20250205.data/scripts/llm-chat.ps1,sha256=6qrs-hGVAV8IKh7Jx8nq_XrnZcjd7qGU5wndArM7Yag,2769
|
253
|
+
ipex_llm-2.2.0b20250205.data/scripts/llm-cli.ps1,sha256=3qBtTLs_EjYDnM8YyCpJhzLnGCKTEGssu9UNqfkjVXs,3009
|
254
|
+
ipex_llm-2.2.0b20250205.dist-info/METADATA,sha256=dcy4swE9fq7tfGndfg4yAhMDaIs4-0nrRpcDFuAaMFw,12879
|
255
|
+
ipex_llm-2.2.0b20250205.dist-info/WHEEL,sha256=6iYPr8vTHsyDK75jr9X0V3I9wPSVmtwr_8fdATBciGk,98
|
256
|
+
ipex_llm-2.2.0b20250205.dist-info/entry_points.txt,sha256=TiUyBB2MRmfF3ko-pyAEzqeBCRnyhu27bNOAsWPp3e8,61
|
257
|
+
ipex_llm-2.2.0b20250205.dist-info/top_level.txt,sha256=CGCMHM-SyqUabU4h8RqJ2KTYckQUO3LvIWwmUQ6Qbzw,9
|
258
|
+
ipex_llm-2.2.0b20250205.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|