bigdl-core-cpp 2.7.0b20250630__py3-none-win_amd64.whl → 2.7.0b20250702__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 (50) hide show
  1. bigdl/cpp/convert_hf_to_gguf.py +1987 -558
  2. bigdl/cpp/convert_hf_to_gguf_update.py +131 -67
  3. bigdl/cpp/convert_lora_to_gguf.py +3 -3
  4. bigdl/cpp/gguf-py/gguf/constants.py +546 -16
  5. bigdl/cpp/gguf-py/gguf/gguf_reader.py +57 -6
  6. bigdl/cpp/gguf-py/gguf/gguf_writer.py +119 -7
  7. bigdl/cpp/gguf-py/gguf/lazy.py +10 -0
  8. bigdl/cpp/gguf-py/gguf/metadata.py +28 -8
  9. bigdl/cpp/gguf-py/gguf/tensor_mapping.py +461 -48
  10. bigdl/cpp/gguf-py/gguf/utility.py +195 -0
  11. bigdl/cpp/gguf-py/gguf/vocab.py +6 -1
  12. bigdl/cpp/libs/llama_cpp/ggml-base.dll +0 -0
  13. bigdl/cpp/libs/llama_cpp/ggml-cpu.dll +0 -0
  14. bigdl/cpp/libs/llama_cpp/ggml-sycl.dll +0 -0
  15. bigdl/cpp/libs/llama_cpp/ggml.dll +0 -0
  16. bigdl/cpp/libs/llama_cpp/llama-batched.exe +0 -0
  17. bigdl/cpp/libs/llama_cpp/llama-bench.exe +0 -0
  18. bigdl/cpp/libs/llama_cpp/llama-cli.exe +0 -0
  19. bigdl/cpp/libs/llama_cpp/llama-embedding.exe +0 -0
  20. bigdl/cpp/libs/llama_cpp/llama-gemma3-cli.exe +0 -0
  21. bigdl/cpp/libs/llama_cpp/llama-gguf.exe +0 -0
  22. bigdl/cpp/libs/llama_cpp/llama-llava-cli.exe +0 -0
  23. bigdl/cpp/libs/llama_cpp/llama-lookup.exe +0 -0
  24. bigdl/cpp/libs/llama_cpp/llama-ls-sycl-device.exe +0 -0
  25. bigdl/cpp/libs/llama_cpp/llama-minicpmv-cli.exe +0 -0
  26. bigdl/cpp/libs/llama_cpp/llama-perplexity.exe +0 -0
  27. bigdl/cpp/libs/llama_cpp/llama-quantize.exe +0 -0
  28. bigdl/cpp/libs/llama_cpp/llama-server.exe +0 -0
  29. bigdl/cpp/libs/llama_cpp/llama-simple.exe +0 -0
  30. bigdl/cpp/libs/llama_cpp/llama-speculative.exe +0 -0
  31. bigdl/cpp/libs/llama_cpp/llama-tokenize.exe +0 -0
  32. bigdl/cpp/libs/llama_cpp/llama.dll +0 -0
  33. bigdl/cpp/libs/ollama/ggml-base.dll +0 -0
  34. bigdl/cpp/libs/ollama/ggml-cpu.dll +0 -0
  35. bigdl/cpp/libs/ollama/ggml-sycl.dll +0 -0
  36. bigdl/cpp/libs/ollama/ggml.dll +0 -0
  37. bigdl/cpp/libs/ollama/llama.dll +0 -0
  38. bigdl/cpp/libs/ollama/llava_shared.dll +0 -0
  39. bigdl/cpp/libs/ollama/mtmd_shared.dll +0 -0
  40. bigdl/cpp/libs/ollama/ollama-lib.exe +0 -0
  41. bigdl/cpp/libs/ollama/ollama.exe +0 -0
  42. {bigdl_core_cpp-2.7.0b20250630.dist-info → bigdl_core_cpp-2.7.0b20250702.dist-info}/METADATA +1 -1
  43. bigdl_core_cpp-2.7.0b20250702.dist-info/RECORD +56 -0
  44. bigdl/cpp/libs/llama_cpp/llava_shared.dll +0 -0
  45. bigdl_core_cpp-2.7.0b20250630.dist-info/RECORD +0 -57
  46. {bigdl_core_cpp-2.7.0b20250630.data → bigdl_core_cpp-2.7.0b20250702.data}/scripts/init-llama-cpp.bat +0 -0
  47. {bigdl_core_cpp-2.7.0b20250630.data → bigdl_core_cpp-2.7.0b20250702.data}/scripts/init-llama-cpp.ps1 +0 -0
  48. {bigdl_core_cpp-2.7.0b20250630.data → bigdl_core_cpp-2.7.0b20250702.data}/scripts/init-ollama.bat +0 -0
  49. {bigdl_core_cpp-2.7.0b20250630.dist-info → bigdl_core_cpp-2.7.0b20250702.dist-info}/WHEEL +0 -0
  50. {bigdl_core_cpp-2.7.0b20250630.dist-info → bigdl_core_cpp-2.7.0b20250702.dist-info}/top_level.txt +0 -0
@@ -1,7 +1,11 @@
1
1
  from __future__ import annotations
2
2
 
3
+ from dataclasses import dataclass
3
4
  from typing import Literal
4
5
 
6
+ import os
7
+ import json
8
+
5
9
 
6
10
  def fill_templated_filename(filename: str, output_type: str | None) -> str:
7
11
  # Given a file name fill in any type templates e.g. 'some-model-name.{ftype}.gguf'
@@ -67,3 +71,194 @@ def naming_convention(model_name: str | None, base_name: str | None, finetune_st
67
71
  kind = f"-{model_type.strip().replace(' ', '-')}" if model_type is not None else ""
68
72
 
69
73
  return f"{name}{parameters}{finetune}{version}{encoding}{kind}"
74
+
75
+
76
+ @dataclass
77
+ class RemoteTensor:
78
+ dtype: str
79
+ shape: tuple[int, ...]
80
+ offset_start: int
81
+ size: int
82
+ url: str
83
+
84
+ def data(self) -> bytearray:
85
+ # TODO: handle request errors (maybe with limited retries?)
86
+ # NOTE: using a bytearray, otherwise PyTorch complains the buffer is not writeable
87
+ data = bytearray(SafetensorRemote.get_data_by_range(url=self.url, start=self.offset_start, size=self.size))
88
+ return data
89
+
90
+
91
+ class SafetensorRemote:
92
+ """
93
+ Uility class to handle remote safetensor files.
94
+ This class is designed to work with Hugging Face model repositories.
95
+
96
+ Example (one model has single safetensor file, the other has multiple):
97
+ for model_id in ["ngxson/TEST-Tiny-Llama4", "Qwen/Qwen2.5-7B-Instruct"]:
98
+ tensors = SafetensorRemote.get_list_tensors_hf_model(model_id)
99
+ print(tensors)
100
+
101
+ Example reading tensor data:
102
+ tensors = SafetensorRemote.get_list_tensors_hf_model(model_id)
103
+ for name, meta in tensors.items():
104
+ dtype, shape, offset_start, size, remote_safetensor_url = meta
105
+ # read the tensor data
106
+ data = SafetensorRemote.get_data_by_range(remote_safetensor_url, offset_start, size)
107
+ print(data)
108
+ """
109
+
110
+ BASE_DOMAIN = "https://huggingface.co"
111
+ ALIGNMENT = 8 # bytes
112
+
113
+ @classmethod
114
+ def get_list_tensors_hf_model(cls, model_id: str) -> dict[str, RemoteTensor]:
115
+ """
116
+ Get list of tensors from a Hugging Face model repository.
117
+
118
+ Returns a dictionary of tensor names and their metadata.
119
+ Each tensor is represented as a tuple of (dtype, shape, offset_start, size, remote_safetensor_url)
120
+ """
121
+ # case 1: model has only one single model.safetensor file
122
+ is_single_file = cls.check_file_exist(f"{cls.BASE_DOMAIN}/{model_id}/resolve/main/model.safetensors")
123
+ if is_single_file:
124
+ url = f"{cls.BASE_DOMAIN}/{model_id}/resolve/main/model.safetensors"
125
+ return cls.get_list_tensors(url)
126
+
127
+ # case 2: model has multiple files
128
+ index_url = f"{cls.BASE_DOMAIN}/{model_id}/resolve/main/model.safetensors.index.json"
129
+ is_multiple_files = cls.check_file_exist(index_url)
130
+ if is_multiple_files:
131
+ # read the index file
132
+ index_data = cls.get_data_by_range(index_url, 0)
133
+ index_str = index_data.decode('utf-8')
134
+ index_json = json.loads(index_str)
135
+ assert index_json.get("weight_map") is not None, "weight_map not found in index file"
136
+ weight_map = index_json["weight_map"]
137
+ # get the list of files
138
+ all_files = list(set(weight_map.values()))
139
+ all_files.sort() # make sure we load shard files in order
140
+ # get the list of tensors
141
+ tensors: dict[str, RemoteTensor] = {}
142
+ for file in all_files:
143
+ url = f"{cls.BASE_DOMAIN}/{model_id}/resolve/main/{file}"
144
+ for key, val in cls.get_list_tensors(url).items():
145
+ tensors[key] = val
146
+ return tensors
147
+
148
+ raise ValueError(f"Model {model_id} does not have any safetensor files")
149
+
150
+ @classmethod
151
+ def get_list_tensors(cls, url: str) -> dict[str, RemoteTensor]:
152
+ """
153
+ Get list of tensors from a remote safetensor file.
154
+
155
+ Returns a dictionary of tensor names and their metadata.
156
+ Each tensor is represented as a tuple of (dtype, shape, offset_start, size)
157
+ """
158
+ metadata, data_start_offset = cls.get_metadata(url)
159
+ res: dict[str, RemoteTensor] = {}
160
+
161
+ for name, meta in metadata.items():
162
+ if name == "__metadata__":
163
+ continue
164
+ if not isinstance(meta, dict):
165
+ raise ValueError(f"Invalid metadata for tensor '{name}': {meta}")
166
+ try:
167
+ dtype = meta["dtype"]
168
+ shape = meta["shape"]
169
+ offset_start_relative, offset_end_relative = meta["data_offsets"]
170
+ size = offset_end_relative - offset_start_relative
171
+ offset_start = data_start_offset + offset_start_relative
172
+ res[name] = RemoteTensor(dtype=dtype, shape=tuple(shape), offset_start=offset_start, size=size, url=url)
173
+ except KeyError as e:
174
+ raise ValueError(f"Missing key in metadata for tensor '{name}': {e}, meta = {meta}")
175
+
176
+ return res
177
+
178
+ @classmethod
179
+ def get_metadata(cls, url: str) -> tuple[dict, int]:
180
+ """
181
+ Get JSON metadata from a remote safetensor file.
182
+
183
+ Returns tuple of (metadata, data_start_offset)
184
+ """
185
+ # Request first 5MB of the file (hopefully enough for metadata)
186
+ read_size = 5 * 1024 * 1024
187
+ raw_data = cls.get_data_by_range(url, 0, read_size)
188
+
189
+ # Parse header
190
+ # First 8 bytes contain the metadata length as u64 little-endian
191
+ if len(raw_data) < 8:
192
+ raise ValueError("Not enough data to read metadata size")
193
+ metadata_length = int.from_bytes(raw_data[:8], byteorder='little')
194
+
195
+ # Calculate the data start offset
196
+ data_start_offset = 8 + metadata_length
197
+ alignment = SafetensorRemote.ALIGNMENT
198
+ if data_start_offset % alignment != 0:
199
+ data_start_offset += alignment - (data_start_offset % alignment)
200
+
201
+ # Check if we have enough data to read the metadata
202
+ if len(raw_data) < 8 + metadata_length:
203
+ raise ValueError(f"Could not read complete metadata. Need {8 + metadata_length} bytes, got {len(raw_data)}")
204
+
205
+ # Extract metadata bytes and parse as JSON
206
+ metadata_bytes = raw_data[8:8 + metadata_length]
207
+ metadata_str = metadata_bytes.decode('utf-8')
208
+ try:
209
+ metadata = json.loads(metadata_str)
210
+ return metadata, data_start_offset
211
+ except json.JSONDecodeError as e:
212
+ raise ValueError(f"Failed to parse safetensor metadata as JSON: {e}")
213
+
214
+ @classmethod
215
+ def get_data_by_range(cls, url: str, start: int, size: int = -1) -> bytes:
216
+ """
217
+ Get raw byte data from a remote file by range.
218
+ If size is not specified, it will read the entire file.
219
+ """
220
+ import requests
221
+ from urllib.parse import urlparse
222
+
223
+ parsed_url = urlparse(url)
224
+ if not parsed_url.scheme or not parsed_url.netloc:
225
+ raise ValueError(f"Invalid URL: {url}")
226
+
227
+ headers = cls._get_request_headers()
228
+ if size > -1:
229
+ headers["Range"] = f"bytes={start}-{start + size}"
230
+ response = requests.get(url, allow_redirects=True, headers=headers)
231
+ response.raise_for_status()
232
+
233
+ # Get raw byte data
234
+ return response.content[slice(size if size > -1 else None)]
235
+
236
+ @classmethod
237
+ def check_file_exist(cls, url: str) -> bool:
238
+ """
239
+ Check if a file exists at the given URL.
240
+ Returns True if the file exists, False otherwise.
241
+ """
242
+ import requests
243
+ from urllib.parse import urlparse
244
+
245
+ parsed_url = urlparse(url)
246
+ if not parsed_url.scheme or not parsed_url.netloc:
247
+ raise ValueError(f"Invalid URL: {url}")
248
+
249
+ try:
250
+ headers = cls._get_request_headers()
251
+ headers["Range"] = "bytes=0-0"
252
+ response = requests.head(url, allow_redirects=True, headers=headers)
253
+ # Success (2xx) or redirect (3xx)
254
+ return 200 <= response.status_code < 400
255
+ except requests.RequestException:
256
+ return False
257
+
258
+ @classmethod
259
+ def _get_request_headers(cls) -> dict[str, str]:
260
+ """Prepare common headers for requests."""
261
+ headers = {"User-Agent": "convert_hf_to_gguf"}
262
+ if os.environ.get("HF_TOKEN"):
263
+ headers["Authorization"] = f"Bearer {os.environ['HF_TOKEN']}"
264
+ return headers
@@ -154,7 +154,12 @@ class SpecialVocab:
154
154
  return True
155
155
  with open(tokenizer_config_file, encoding = 'utf-8') as f:
156
156
  tokenizer_config = json.load(f)
157
- chat_template = tokenizer_config.get('chat_template')
157
+ chat_template_alt = None
158
+ chat_template_file = path / 'chat_template.json'
159
+ if chat_template_file.is_file():
160
+ with open(chat_template_file, encoding = 'utf-8') as f:
161
+ chat_template_alt = json.load(f).get('chat_template')
162
+ chat_template = tokenizer_config.get('chat_template', chat_template_alt)
158
163
  if chat_template is None or isinstance(chat_template, (str, list)):
159
164
  self.chat_template = chat_template
160
165
  else:
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
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: bigdl-core-cpp
3
- Version: 2.7.0b20250630
3
+ Version: 2.7.0b20250702
4
4
  Summary: Large Language Model Develop Toolkit
5
5
  Author: BigDL Authors
6
6
  License: Apache License, Version 2.0
@@ -0,0 +1,56 @@
1
+ bigdl/cpp/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
2
+ bigdl/cpp/convert_hf_to_gguf.py,sha256=6zyOyZqUQKE305aTdq1T8ACQvaNFs-gYpK0seKqm7JA,311817
3
+ bigdl/cpp/convert_hf_to_gguf_update.py,sha256=AY-MFWH2W9kzW53B8Hy9V0ZOeUmlK9NIb7nO5ktqvUM,21608
4
+ bigdl/cpp/convert_llama_ggml_to_gguf.py,sha256=0dKjRhmFzvWV4e-cuLmaeW14JrWUtZwerBmz8mYyMvI,19556
5
+ bigdl/cpp/convert_lora_to_gguf.py,sha256=T54sMiIFmjde8oZyu2X4Xik2TfgI9g6lVtja-0AAl38,19085
6
+ bigdl/cpp/gguf-py/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
7
+ bigdl/cpp/gguf-py/gguf/__init__.py,sha256=h5GWs6SMXYR8giWZ7MTZzAc3hYsIJF-HAkdxtgXLOPo,228
8
+ bigdl/cpp/gguf-py/gguf/constants.py,sha256=wGAhVlG2jwJWpc2-52muxvMJwJrabSEI2Pnh7UESkPg,91511
9
+ bigdl/cpp/gguf-py/gguf/gguf.py,sha256=QpLc-xU055W2d7CEFvJp2gLIfGO63bdM24ZndZCH6rw,493
10
+ bigdl/cpp/gguf-py/gguf/gguf_reader.py,sha256=c9MluXgDwda_7hKk3atem3TeI4j6uAjrzM7Ba9RRkVQ,15195
11
+ bigdl/cpp/gguf-py/gguf/gguf_writer.py,sha256=Uyuwsqi6J_ImV9UP2VzjA0ZuNIviqDulrlU5T6hNg5k,45011
12
+ bigdl/cpp/gguf-py/gguf/lazy.py,sha256=DNfI7JuWgZGg93KBifQ_QDlXhtQZJhoH3ILdJUCX3AM,9437
13
+ bigdl/cpp/gguf-py/gguf/metadata.py,sha256=yO_QN_-ofePJjWn_9AQgeQLHQ-iCvh9Hkn-7UuSphag,33943
14
+ bigdl/cpp/gguf-py/gguf/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
15
+ bigdl/cpp/gguf-py/gguf/quants.py,sha256=2z6vcK-kBefqZbYNmSEVmdZF_tXHeVb5NC6jCbBdgKc,62040
16
+ bigdl/cpp/gguf-py/gguf/tensor_mapping.py,sha256=plkSVMYW_ZCdeM4V28-AH_UcuWSDCNojAhqDTZkbTtc,56880
17
+ bigdl/cpp/gguf-py/gguf/utility.py,sha256=xGTPr9Cbwrdz-E8Y3szcUts9y5e_HwjKTFLiuEqW5FM,11072
18
+ bigdl/cpp/gguf-py/gguf/vocab.py,sha256=zwKJHLRfaMX3ue7k7N_9BFhctNbp43Wg9wlksLsmtIs,21108
19
+ bigdl/cpp/libs/llama_cpp/ggml-base.dll,sha256=_8F6zf_zWeWfIWpNhahO-060qz-i1JaMq11rpLaQXRU,657408
20
+ bigdl/cpp/libs/llama_cpp/ggml-cpu.dll,sha256=s4Y7ZcTEqY9GEqXZQFkkyyWb-IQp2IJK0_BRYi1up74,1351680
21
+ bigdl/cpp/libs/llama_cpp/ggml-sycl.dll,sha256=17iW1oOyKDIK1VjF6y0lC-5j60Nrr_KcLAS-jE68Q58,7772672
22
+ bigdl/cpp/libs/llama_cpp/ggml.dll,sha256=Kcz00YN7qc9oLwbwH7LuGw809ehqYRtnPjeh7XkIiuk,110592
23
+ bigdl/cpp/libs/llama_cpp/llama-batched.exe,sha256=TWxYUjdUxL7A1izjUHBRNofuWyR58zXdyN2M8JzNzi0,1802752
24
+ bigdl/cpp/libs/llama_cpp/llama-bench.exe,sha256=Ec1fDEYbc8eARsLIpX_e0qmPVyJSW2eiAdUtQ6VMPFg,305664
25
+ bigdl/cpp/libs/llama_cpp/llama-cli.exe,sha256=EyHYAKZ-HX3aMBu3e7HxjH0WuVXeYSgx1UTASMLWzds,1880576
26
+ bigdl/cpp/libs/llama_cpp/llama-embedding.exe,sha256=IkjedGRmsz5pBCZDUQ8BngVPprvwwpln5Jnz2hc7JCQ,1829888
27
+ bigdl/cpp/libs/llama_cpp/llama-gemma3-cli.exe,sha256=AX0NjMFO7A1wcn3nLMSbRxbJmiHwFc1xmpJPfavbmB8,46080
28
+ bigdl/cpp/libs/llama_cpp/llama-gguf.exe,sha256=cPe73XR9udaErOHbc7ZuWL0rOBuqXX90kGzHov1evyY,59392
29
+ bigdl/cpp/libs/llama_cpp/llama-llava-cli.exe,sha256=bOltwuNKiPblmsJGttNZ_XKN17Tcl_wbyJkuYlie3ss,46080
30
+ bigdl/cpp/libs/llama_cpp/llama-lookup.exe,sha256=kc--bd9BrPquebbb5NDKk3KFk8HyVoJmyF45UYpMUV0,1862656
31
+ bigdl/cpp/libs/llama_cpp/llama-ls-sycl-device.exe,sha256=z5Haz1VDupfHTgNyT1HvUuq4iT0uikPk06lzaYBHre0,10240
32
+ bigdl/cpp/libs/llama_cpp/llama-minicpmv-cli.exe,sha256=AX0NjMFO7A1wcn3nLMSbRxbJmiHwFc1xmpJPfavbmB8,46080
33
+ bigdl/cpp/libs/llama_cpp/llama-perplexity.exe,sha256=F-Q-tKFeNSD-55PHuF6u2RpvcgtJ4nTGrGSIWYAnDpc,1952768
34
+ bigdl/cpp/libs/llama_cpp/llama-quantize.exe,sha256=xNDk6ize0KEhFQWdOastBR35oJn11nRfr26qKusdEQA,126976
35
+ bigdl/cpp/libs/llama_cpp/llama-server.exe,sha256=a-Wzqo-lzQtIqopO2LYzvy1o9YMM2t52Hx6KBY0MBrs,5030400
36
+ bigdl/cpp/libs/llama_cpp/llama-simple.exe,sha256=s6juzDnxeqP9JW1VLZpcOdCpuwNO17ALoPDAUqsNz5k,62464
37
+ bigdl/cpp/libs/llama_cpp/llama-speculative.exe,sha256=33ciADC3UIy_xVjG3hg_GntCSjPfXWfxWwh2HRlvaco,1870336
38
+ bigdl/cpp/libs/llama_cpp/llama-tokenize.exe,sha256=ORHeou0UJe5yZ4CRCIApFqzmujXu1leQSV0QdZcyC28,89088
39
+ bigdl/cpp/libs/llama_cpp/llama.dll,sha256=YJF3ThDoz-trsO1zCyFbPbXJInY6gF6uz05_Dd7xK5A,1657344
40
+ bigdl/cpp/libs/ollama/ggml-base.dll,sha256=ovWaMPT5xiqGa7-75fUCu9ltv1PkA8hYEAiOFO2aAYM,654336
41
+ bigdl/cpp/libs/ollama/ggml-cpu.dll,sha256=zXNvEAAuFC_485bhdrK7fQiWJEE4M2kmJGJPbk-IOKU,1318400
42
+ bigdl/cpp/libs/ollama/ggml-sycl.dll,sha256=ZA0dQQ9nasB1yAzPvMkCDo7UGAexg8QsBTYv9G_xkYQ,7575040
43
+ bigdl/cpp/libs/ollama/ggml.dll,sha256=oahVfCRZdu9On3e6r96zA4GjlM2X2236FY1Ue4dnaag,110592
44
+ bigdl/cpp/libs/ollama/libc++.dll,sha256=U0TVK2WfFQIJPP6Bz9SeJmgskm2iqZWJorx_DGdfKIw,1561600
45
+ bigdl/cpp/libs/ollama/llama.dll,sha256=QbckuBVv_6ELjzFwZJxC_IoDNIS7h9Fg_CLvSGeke-A,1586176
46
+ bigdl/cpp/libs/ollama/llava_shared.dll,sha256=0TrgrN2ZylhwQRdtRhSFGGbj5Mi5lspYqjUUFd8kP70,382976
47
+ bigdl/cpp/libs/ollama/mtmd_shared.dll,sha256=VpqdMX0pZpy2hWk5J-hgmbxQVD-bvkNjrR2Oi1E3NXI,418816
48
+ bigdl/cpp/libs/ollama/ollama-lib.exe,sha256=TSIp7YzgM0Skl5El36ne8FSS72vD-tPQj3Arbr7-V_Q,81615360
49
+ bigdl/cpp/libs/ollama/ollama.exe,sha256=jNmc_c2FIT8_xCoWfjnuqrysYkcObt7uKYCbCmzHCn4,207872
50
+ bigdl_core_cpp-2.7.0b20250702.data/scripts/init-llama-cpp.bat,sha256=u1MA0OIgqtL3KdXsWrY3Slirn6jmmLbX0mnuh6zXnrg,761
51
+ bigdl_core_cpp-2.7.0b20250702.data/scripts/init-llama-cpp.ps1,sha256=SJdTXrObj0WofdpTA0Uj2gxw2E9pnuB9X_5tcws4gbc,511
52
+ bigdl_core_cpp-2.7.0b20250702.data/scripts/init-ollama.bat,sha256=0QYgTisXqvdz_OfgvWxmRnw280WFFc-JI5fXOBEDNcI,512
53
+ bigdl_core_cpp-2.7.0b20250702.dist-info/METADATA,sha256=gKpCiFCwrcs-CoDL74nIeFTCR2NafhcQ33gFSgzQxVE,750
54
+ bigdl_core_cpp-2.7.0b20250702.dist-info/WHEEL,sha256=ZjXRCNaQ9YSypEK2TE0LRB0sy2OVXSszb4Sx1XjM99k,97
55
+ bigdl_core_cpp-2.7.0b20250702.dist-info/top_level.txt,sha256=iGuLfZARD_qANcIMfy0tbbrC3EtCg6BSiH8icc3dLWs,6
56
+ bigdl_core_cpp-2.7.0b20250702.dist-info/RECORD,,
Binary file
@@ -1,57 +0,0 @@
1
- bigdl/cpp/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
2
- bigdl/cpp/convert_hf_to_gguf.py,sha256=QhF3QN-FR-OS6IazG8oWWYKESaaBFuEe4aOTR_n8570,240765
3
- bigdl/cpp/convert_hf_to_gguf_update.py,sha256=1BFKEkj0BMDB90lUB5p_-iR9rSVcjgYPGWmEw28avB8,17721
4
- bigdl/cpp/convert_llama_ggml_to_gguf.py,sha256=0dKjRhmFzvWV4e-cuLmaeW14JrWUtZwerBmz8mYyMvI,19556
5
- bigdl/cpp/convert_lora_to_gguf.py,sha256=sHrcutdgzrDR5H7ZiLPOLoMnkJKg8uZ7OcFhAZhPrLo,19073
6
- bigdl/cpp/gguf-py/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
7
- bigdl/cpp/gguf-py/gguf/__init__.py,sha256=h5GWs6SMXYR8giWZ7MTZzAc3hYsIJF-HAkdxtgXLOPo,228
8
- bigdl/cpp/gguf-py/gguf/constants.py,sha256=6fXPUmyGM71MXjOBX-WJdn9yzlOEMxP7iQIbN4NS8V0,70390
9
- bigdl/cpp/gguf-py/gguf/gguf.py,sha256=QpLc-xU055W2d7CEFvJp2gLIfGO63bdM24ZndZCH6rw,493
10
- bigdl/cpp/gguf-py/gguf/gguf_reader.py,sha256=PUrx08ZwaUOz1gLw5JQ459Hi7JIeCdlHgZX7wXcTqbI,12702
11
- bigdl/cpp/gguf-py/gguf/gguf_writer.py,sha256=pFgnwrsDupKxI3SHNQbfiuz7dUopCOqj3ERBPuZMkMo,39955
12
- bigdl/cpp/gguf-py/gguf/lazy.py,sha256=YIYxGBWD-oKXU4HOvpHs9eiEn81HUgeSmt1mmHJlbdM,8814
13
- bigdl/cpp/gguf-py/gguf/metadata.py,sha256=oBTb4DXi_h1L_gYm8x_JRVuEPR4GHlVHuM-iN0OxWoY,33244
14
- bigdl/cpp/gguf-py/gguf/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
15
- bigdl/cpp/gguf-py/gguf/quants.py,sha256=2z6vcK-kBefqZbYNmSEVmdZF_tXHeVb5NC6jCbBdgKc,62040
16
- bigdl/cpp/gguf-py/gguf/tensor_mapping.py,sha256=w1JZkRIKHj2tKYADLDUvCOsQfVf8y7Y0ZwqmtmrtLBA,39549
17
- bigdl/cpp/gguf-py/gguf/utility.py,sha256=Mx4mqamXtatL15LCH04mG-7SNBwPzP2T75ts0uBnEuI,3002
18
- bigdl/cpp/gguf-py/gguf/vocab.py,sha256=QTdt4HZrn7onHqm2tpHTaEq2sL3yG07zbHqQR9iVfu8,20815
19
- bigdl/cpp/libs/llama_cpp/ggml-base.dll,sha256=cn-i0c0V_ApsXv5uXzko4ir9sbwQiwXBFr3-aWuEve0,649728
20
- bigdl/cpp/libs/llama_cpp/ggml-cpu.dll,sha256=OoQ0ZU_ITThiZcIYeYBwyd6N8dDOCE3lqc_XY4YM6B0,1114624
21
- bigdl/cpp/libs/llama_cpp/ggml-sycl.dll,sha256=xfSuMXytw0nWNMToo6VfTlMUTUQFChej5j3fRHiL-FM,7268352
22
- bigdl/cpp/libs/llama_cpp/ggml.dll,sha256=HM7yl4X8vnLpkR86cQTdRI9muHgLuVxqKJ2QlSnBozs,118272
23
- bigdl/cpp/libs/llama_cpp/llama-batched.exe,sha256=0RlXIxMwC_be-b8bFwUNzszcQeaPaSCpocRdR1KEsrE,1741824
24
- bigdl/cpp/libs/llama_cpp/llama-bench.exe,sha256=3xBG7p3UGgb4Bsn0qw8V4rpwHuE06aUX63vk9rra5Xc,279552
25
- bigdl/cpp/libs/llama_cpp/llama-cli.exe,sha256=tFXJ5PbmkwNxEhK0k0JEASAE9DL_p2xr79-Wouj-S0E,1814528
26
- bigdl/cpp/libs/llama_cpp/llama-embedding.exe,sha256=Pi_Rq-2Ayre_01jeWbNZZ_ZOG6aRUbP7NUhg0jm3TbM,1766912
27
- bigdl/cpp/libs/llama_cpp/llama-gemma3-cli.exe,sha256=sWZGtgMV-PFxznK6bq6rc9_3zNbk0XJE98-0hNdazO4,2035712
28
- bigdl/cpp/libs/llama_cpp/llama-gguf.exe,sha256=ytO0Wj0U9cQhXrk6Wap0JcXedLQkBqkRZR0mw56nS8U,59392
29
- bigdl/cpp/libs/llama_cpp/llama-llava-cli.exe,sha256=W-ocwwzaZmNHO1jYcEB1Uhmu8DkoSudDesNqqns8wpo,2019840
30
- bigdl/cpp/libs/llama_cpp/llama-lookup.exe,sha256=A-bjkKB5x4KeimxInG1utotAxLerEma0wIry5rkCyr4,1802752
31
- bigdl/cpp/libs/llama_cpp/llama-ls-sycl-device.exe,sha256=9Il5vU7s_FD6-KXXoGNKB78IHwjnqRkywk-Vuv55eUk,10240
32
- bigdl/cpp/libs/llama_cpp/llama-minicpmv-cli.exe,sha256=saNWLxTNOeXHIdbIM6X8zK5jo-c3DTLAZxkattme8e4,2018304
33
- bigdl/cpp/libs/llama_cpp/llama-perplexity.exe,sha256=RgMHA9ZRVvOEdgE90jlXTuLE72yOUR32Mb5r7GG_Y5I,1888256
34
- bigdl/cpp/libs/llama_cpp/llama-quantize.exe,sha256=P5YxxFI9Vv1SHJiDx-hUBTjLVTSz6Ey6EFCB4cb_rEM,122880
35
- bigdl/cpp/libs/llama_cpp/llama-server.exe,sha256=bEj2O5I3zZ0fXHJSHmzh82VV6ui2zjRiJgJB3_d-pXw,4132864
36
- bigdl/cpp/libs/llama_cpp/llama-simple.exe,sha256=WyUzGm1zR0KT-Kxt73kBPoRwsS3gRbJaaa6ANw3DHbQ,62464
37
- bigdl/cpp/libs/llama_cpp/llama-speculative.exe,sha256=f4HPcg1oYvENTGXD0LOPYhTAwuL1rwERoydFx6xoJNY,1805312
38
- bigdl/cpp/libs/llama_cpp/llama-tokenize.exe,sha256=2_sejYZLkucgWjfmhZgdZPVpEMRQw70T6GdxptvdbuA,89088
39
- bigdl/cpp/libs/llama_cpp/llama.dll,sha256=HxHopJwi3su3wEYJ-ZKd5N4QtjzRBgi3u_-R32iSWwM,1481216
40
- bigdl/cpp/libs/llama_cpp/llava_shared.dll,sha256=-VhVTv5q04pyTZWDu0Y267tzBKyG5kFIEPv_FY_Mfwg,380416
41
- bigdl/cpp/libs/ollama/ggml-base.dll,sha256=KAVZLSgVR4DMfF-Be7TcawQofjkgYDJFfGWPaYDSsIw,654336
42
- bigdl/cpp/libs/ollama/ggml-cpu.dll,sha256=a-c-Wl9mInXVZH-P4HO4lxfPWTIsBcyQx-uBFvRrjxs,1318400
43
- bigdl/cpp/libs/ollama/ggml-sycl.dll,sha256=vBaAktX4Uy2Z_39tkdbJ6s2FWlWOX0DG2NXSXsUP4-0,7575040
44
- bigdl/cpp/libs/ollama/ggml.dll,sha256=DxV1GaCONUtjIkc4tjZfNo_IkHLCz4qtsZLrrB2oB74,110592
45
- bigdl/cpp/libs/ollama/libc++.dll,sha256=U0TVK2WfFQIJPP6Bz9SeJmgskm2iqZWJorx_DGdfKIw,1561600
46
- bigdl/cpp/libs/ollama/llama.dll,sha256=3vOTnEI1M31diyOj8INg8h8ocCNyWWq1IA04Hed7RoM,1586176
47
- bigdl/cpp/libs/ollama/llava_shared.dll,sha256=5yXbBwRcM77a7JVTMrh2WsZgKxWzPkPCycmITyx25mc,382976
48
- bigdl/cpp/libs/ollama/mtmd_shared.dll,sha256=egpv0HMcVauF1Pv3EZ6ODSAodiDgtSNz1nf37YDx9J8,418816
49
- bigdl/cpp/libs/ollama/ollama-lib.exe,sha256=VaUNnPTyFT1NC5cFTPvsObIOHN9YJpZPMhNp6z-ytsc,81615360
50
- bigdl/cpp/libs/ollama/ollama.exe,sha256=7U8Du6_EqiVsnwi7O2z91bm_xgAow5Joz18k1p0niro,207872
51
- bigdl_core_cpp-2.7.0b20250630.data/scripts/init-llama-cpp.bat,sha256=u1MA0OIgqtL3KdXsWrY3Slirn6jmmLbX0mnuh6zXnrg,761
52
- bigdl_core_cpp-2.7.0b20250630.data/scripts/init-llama-cpp.ps1,sha256=SJdTXrObj0WofdpTA0Uj2gxw2E9pnuB9X_5tcws4gbc,511
53
- bigdl_core_cpp-2.7.0b20250630.data/scripts/init-ollama.bat,sha256=0QYgTisXqvdz_OfgvWxmRnw280WFFc-JI5fXOBEDNcI,512
54
- bigdl_core_cpp-2.7.0b20250630.dist-info/METADATA,sha256=4uICCVdGTT1SvhuWmiJcoOd5pak7yI3tGzdglYg_bEg,750
55
- bigdl_core_cpp-2.7.0b20250630.dist-info/WHEEL,sha256=ZjXRCNaQ9YSypEK2TE0LRB0sy2OVXSszb4Sx1XjM99k,97
56
- bigdl_core_cpp-2.7.0b20250630.dist-info/top_level.txt,sha256=iGuLfZARD_qANcIMfy0tbbrC3EtCg6BSiH8icc3dLWs,6
57
- bigdl_core_cpp-2.7.0b20250630.dist-info/RECORD,,