triton-windows 3.3.0.post19__cp312-cp312-win_amd64.whl → 3.4.0.post20__cp312-cp312-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.
Potentially problematic release.
This version of triton-windows might be problematic. Click here for more details.
- triton/_C/libtriton.pyd +0 -0
- triton/__init__.py +4 -1
- triton/_filecheck.py +87 -0
- triton/_internal_testing.py +26 -15
- triton/_utils.py +110 -21
- triton/backends/__init__.py +20 -23
- triton/backends/amd/__init__.py +0 -0
- triton/backends/amd/compiler.py +112 -78
- triton/backends/amd/driver.c +5 -2
- triton/backends/amd/driver.py +149 -47
- triton/backends/compiler.py +7 -21
- triton/backends/nvidia/bin/ptxas.exe +0 -0
- triton/backends/nvidia/compiler.py +92 -93
- triton/backends/nvidia/driver.c +90 -98
- triton/backends/nvidia/driver.py +303 -128
- triton/compiler/code_generator.py +212 -111
- triton/compiler/compiler.py +110 -25
- triton/experimental/__init__.py +0 -0
- triton/experimental/gluon/__init__.py +4 -0
- triton/experimental/gluon/_compiler.py +0 -0
- triton/experimental/gluon/_runtime.py +99 -0
- triton/experimental/gluon/language/__init__.py +18 -0
- triton/experimental/gluon/language/_core.py +312 -0
- triton/experimental/gluon/language/_layouts.py +230 -0
- triton/experimental/gluon/language/_math.py +12 -0
- triton/experimental/gluon/language/_semantic.py +287 -0
- triton/experimental/gluon/language/_standard.py +47 -0
- triton/experimental/gluon/language/nvidia/__init__.py +4 -0
- triton/experimental/gluon/language/nvidia/blackwell/__init__.py +202 -0
- triton/experimental/gluon/language/nvidia/blackwell/tma.py +32 -0
- triton/experimental/gluon/language/nvidia/hopper/__init__.py +11 -0
- triton/experimental/gluon/language/nvidia/hopper/mbarrier.py +51 -0
- triton/experimental/gluon/language/nvidia/hopper/tma.py +96 -0
- triton/experimental/gluon/nvidia/__init__.py +4 -0
- triton/experimental/gluon/nvidia/blackwell.py +3 -0
- triton/experimental/gluon/nvidia/hopper.py +40 -0
- triton/knobs.py +481 -0
- triton/language/__init__.py +39 -14
- triton/language/core.py +794 -537
- triton/language/extra/cuda/__init__.py +10 -7
- triton/language/extra/cuda/gdc.py +42 -0
- triton/language/extra/cuda/libdevice.py +394 -394
- triton/language/extra/cuda/utils.py +21 -21
- triton/language/extra/hip/libdevice.py +113 -104
- triton/language/math.py +65 -66
- triton/language/random.py +12 -2
- triton/language/semantic.py +1706 -1770
- triton/language/standard.py +116 -51
- triton/runtime/autotuner.py +117 -59
- triton/runtime/build.py +76 -12
- triton/runtime/cache.py +18 -47
- triton/runtime/driver.py +32 -29
- triton/runtime/interpreter.py +72 -35
- triton/runtime/jit.py +146 -110
- triton/runtime/tcc/lib/python310.def +1610 -0
- triton/runtime/tcc/lib/python311.def +1633 -0
- triton/runtime/tcc/lib/python312.def +1703 -0
- triton/runtime/tcc/lib/python313.def +1651 -0
- triton/runtime/tcc/lib/python313t.def +1656 -0
- triton/runtime/tcc/lib/python39.def +1644 -0
- triton/runtime/tcc/lib/python3t.def +905 -0
- triton/testing.py +16 -12
- triton/tools/disasm.py +3 -4
- triton/tools/tensor_descriptor.py +36 -0
- triton/windows_utils.py +14 -6
- {triton_windows-3.3.0.post19.dist-info → triton_windows-3.4.0.post20.dist-info}/METADATA +7 -2
- triton_windows-3.4.0.post20.dist-info/RECORD +186 -0
- {triton_windows-3.3.0.post19.dist-info → triton_windows-3.4.0.post20.dist-info}/WHEEL +1 -1
- triton_windows-3.4.0.post20.dist-info/entry_points.txt +3 -0
- triton_windows-3.4.0.post20.dist-info/licenses/LICENSE +23 -0
- triton_windows-3.4.0.post20.dist-info/top_level.txt +1 -0
- triton/backends/amd/include/hip/amd_detail/amd_channel_descriptor.h +0 -358
- triton/backends/amd/include/hip/amd_detail/amd_device_functions.h +0 -1010
- triton/backends/amd/include/hip/amd_detail/amd_hip_atomic.h +0 -1638
- triton/backends/amd/include/hip/amd_detail/amd_hip_bf16.h +0 -1814
- triton/backends/amd/include/hip/amd_detail/amd_hip_bfloat16.h +0 -293
- triton/backends/amd/include/hip/amd_detail/amd_hip_common.h +0 -32
- triton/backends/amd/include/hip/amd_detail/amd_hip_complex.h +0 -174
- triton/backends/amd/include/hip/amd_detail/amd_hip_cooperative_groups.h +0 -835
- triton/backends/amd/include/hip/amd_detail/amd_hip_fp16.h +0 -1809
- triton/backends/amd/include/hip/amd_detail/amd_hip_fp8.h +0 -1391
- triton/backends/amd/include/hip/amd_detail/amd_hip_gl_interop.h +0 -108
- triton/backends/amd/include/hip/amd_detail/amd_hip_math_constants.h +0 -124
- triton/backends/amd/include/hip/amd_detail/amd_hip_runtime.h +0 -405
- triton/backends/amd/include/hip/amd_detail/amd_hip_runtime_pt_api.h +0 -196
- triton/backends/amd/include/hip/amd_detail/amd_hip_unsafe_atomics.h +0 -565
- triton/backends/amd/include/hip/amd_detail/amd_hip_vector_types.h +0 -2226
- triton/backends/amd/include/hip/amd_detail/amd_math_functions.h +0 -104
- triton/backends/amd/include/hip/amd_detail/amd_surface_functions.h +0 -244
- triton/backends/amd/include/hip/amd_detail/amd_warp_functions.h +0 -538
- triton/backends/amd/include/hip/amd_detail/amd_warp_sync_functions.h +0 -288
- triton/backends/amd/include/hip/amd_detail/concepts.hpp +0 -30
- triton/backends/amd/include/hip/amd_detail/device_library_decls.h +0 -133
- triton/backends/amd/include/hip/amd_detail/functional_grid_launch.hpp +0 -218
- triton/backends/amd/include/hip/amd_detail/grid_launch.h +0 -67
- triton/backends/amd/include/hip/amd_detail/grid_launch.hpp +0 -50
- triton/backends/amd/include/hip/amd_detail/grid_launch_GGL.hpp +0 -26
- triton/backends/amd/include/hip/amd_detail/helpers.hpp +0 -137
- triton/backends/amd/include/hip/amd_detail/hip_api_trace.hpp +0 -1446
- triton/backends/amd/include/hip/amd_detail/hip_assert.h +0 -101
- triton/backends/amd/include/hip/amd_detail/hip_cooperative_groups_helper.h +0 -242
- triton/backends/amd/include/hip/amd_detail/hip_fp16_gcc.h +0 -254
- triton/backends/amd/include/hip/amd_detail/hip_fp16_math_fwd.h +0 -96
- triton/backends/amd/include/hip/amd_detail/hip_ldg.h +0 -100
- triton/backends/amd/include/hip/amd_detail/hip_prof_str.h +0 -10570
- triton/backends/amd/include/hip/amd_detail/hip_runtime_prof.h +0 -78
- triton/backends/amd/include/hip/amd_detail/host_defines.h +0 -184
- triton/backends/amd/include/hip/amd_detail/hsa_helpers.hpp +0 -102
- triton/backends/amd/include/hip/amd_detail/macro_based_grid_launch.hpp +0 -798
- triton/backends/amd/include/hip/amd_detail/math_fwd.h +0 -698
- triton/backends/amd/include/hip/amd_detail/ockl_image.h +0 -177
- triton/backends/amd/include/hip/amd_detail/program_state.hpp +0 -107
- triton/backends/amd/include/hip/amd_detail/texture_fetch_functions.h +0 -491
- triton/backends/amd/include/hip/amd_detail/texture_indirect_functions.h +0 -478
- triton/backends/amd/include/hip/channel_descriptor.h +0 -39
- triton/backends/amd/include/hip/device_functions.h +0 -38
- triton/backends/amd/include/hip/driver_types.h +0 -468
- triton/backends/amd/include/hip/hip_bf16.h +0 -36
- triton/backends/amd/include/hip/hip_bfloat16.h +0 -44
- triton/backends/amd/include/hip/hip_common.h +0 -100
- triton/backends/amd/include/hip/hip_complex.h +0 -38
- triton/backends/amd/include/hip/hip_cooperative_groups.h +0 -46
- triton/backends/amd/include/hip/hip_deprecated.h +0 -95
- triton/backends/amd/include/hip/hip_ext.h +0 -161
- triton/backends/amd/include/hip/hip_fp16.h +0 -36
- triton/backends/amd/include/hip/hip_fp8.h +0 -33
- triton/backends/amd/include/hip/hip_gl_interop.h +0 -32
- triton/backends/amd/include/hip/hip_hcc.h +0 -24
- triton/backends/amd/include/hip/hip_math_constants.h +0 -36
- triton/backends/amd/include/hip/hip_profile.h +0 -27
- triton/backends/amd/include/hip/hip_runtime.h +0 -75
- triton/backends/amd/include/hip/hip_runtime_api.h +0 -9261
- triton/backends/amd/include/hip/hip_texture_types.h +0 -29
- triton/backends/amd/include/hip/hip_vector_types.h +0 -41
- triton/backends/amd/include/hip/hip_version.h +0 -17
- triton/backends/amd/include/hip/hiprtc.h +0 -421
- triton/backends/amd/include/hip/library_types.h +0 -78
- triton/backends/amd/include/hip/math_functions.h +0 -42
- triton/backends/amd/include/hip/surface_types.h +0 -63
- triton/backends/amd/include/hip/texture_types.h +0 -194
- triton/backends/amd/include/hsa/Brig.h +0 -1131
- triton/backends/amd/include/hsa/amd_hsa_common.h +0 -91
- triton/backends/amd/include/hsa/amd_hsa_elf.h +0 -462
- triton/backends/amd/include/hsa/amd_hsa_kernel_code.h +0 -269
- triton/backends/amd/include/hsa/amd_hsa_queue.h +0 -109
- triton/backends/amd/include/hsa/amd_hsa_signal.h +0 -80
- triton/backends/amd/include/hsa/hsa.h +0 -5738
- triton/backends/amd/include/hsa/hsa_amd_tool.h +0 -91
- triton/backends/amd/include/hsa/hsa_api_trace.h +0 -579
- triton/backends/amd/include/hsa/hsa_api_trace_version.h +0 -68
- triton/backends/amd/include/hsa/hsa_ext_amd.h +0 -3146
- triton/backends/amd/include/hsa/hsa_ext_finalize.h +0 -531
- triton/backends/amd/include/hsa/hsa_ext_image.h +0 -1454
- triton/backends/amd/include/hsa/hsa_ven_amd_aqlprofile.h +0 -488
- triton/backends/amd/include/hsa/hsa_ven_amd_loader.h +0 -667
- triton/backends/amd/include/hsa/hsa_ven_amd_pc_sampling.h +0 -416
- triton/backends/amd/include/roctracer/ext/prof_protocol.h +0 -107
- triton/backends/amd/include/roctracer/hip_ostream_ops.h +0 -4515
- triton/backends/amd/include/roctracer/hsa_ostream_ops.h +0 -1727
- triton/backends/amd/include/roctracer/hsa_prof_str.h +0 -3059
- triton/backends/amd/include/roctracer/roctracer.h +0 -779
- triton/backends/amd/include/roctracer/roctracer_ext.h +0 -81
- triton/backends/amd/include/roctracer/roctracer_hcc.h +0 -24
- triton/backends/amd/include/roctracer/roctracer_hip.h +0 -37
- triton/backends/amd/include/roctracer/roctracer_hsa.h +0 -112
- triton/backends/amd/include/roctracer/roctracer_plugin.h +0 -137
- triton/backends/amd/include/roctracer/roctracer_roctx.h +0 -67
- triton/backends/amd/include/roctracer/roctx.h +0 -229
- triton/language/_utils.py +0 -21
- triton/language/extra/cuda/_experimental_tma.py +0 -106
- triton/tools/experimental_descriptor.py +0 -32
- triton_windows-3.3.0.post19.dist-info/RECORD +0 -253
- triton_windows-3.3.0.post19.dist-info/top_level.txt +0 -14
triton/testing.py
CHANGED
|
@@ -95,7 +95,11 @@ def do_bench_cudagraph(fn, rep=20, grad_to_none=None, quantiles=None, return_mod
|
|
|
95
95
|
end_event.record()
|
|
96
96
|
torch.cuda.synchronize()
|
|
97
97
|
estimate_ms = start_event.elapsed_time(end_event) / 5
|
|
98
|
-
|
|
98
|
+
# Rewrite to avoid possible division by 0 issues with fast benchmarks
|
|
99
|
+
if estimate_ms == 0:
|
|
100
|
+
n_repeat = 1000
|
|
101
|
+
else:
|
|
102
|
+
n_repeat = max(1, int(rep / estimate_ms))
|
|
99
103
|
# step 2 - construct a cuda graph with `n_repeat` unrolled function calls to minimize
|
|
100
104
|
# host overhead
|
|
101
105
|
g = torch.cuda.CUDAGraph()
|
|
@@ -383,18 +387,18 @@ class Mark:
|
|
|
383
387
|
has_single_bench = isinstance(self.benchmarks, Benchmark)
|
|
384
388
|
benchmarks = [self.benchmarks] if has_single_bench else self.benchmarks
|
|
385
389
|
result_dfs = []
|
|
386
|
-
|
|
387
|
-
|
|
388
|
-
|
|
389
|
-
|
|
390
|
-
html.write("<html><body>\n")
|
|
391
|
-
for bench in benchmarks:
|
|
392
|
-
result_dfs.append(self._run(bench, save_path, show_plots, print_data, **kwargs))
|
|
390
|
+
try:
|
|
391
|
+
for bench in benchmarks:
|
|
392
|
+
result_dfs.append(self._run(bench, save_path, show_plots, print_data, **kwargs))
|
|
393
|
+
finally:
|
|
393
394
|
if save_path:
|
|
394
|
-
|
|
395
|
-
|
|
396
|
-
|
|
397
|
-
|
|
395
|
+
# Create directory if it doesn't exist
|
|
396
|
+
os.makedirs(save_path, exist_ok=True)
|
|
397
|
+
with open(os.path.join(save_path, "results.html"), "w") as html:
|
|
398
|
+
html.write("<html><body>\n")
|
|
399
|
+
for bench in benchmarks[:len(result_dfs)]:
|
|
400
|
+
html.write(f"<image src=\"{bench.plot_name}.png\"/>\n")
|
|
401
|
+
html.write("</body></html>\n")
|
|
398
402
|
if return_df:
|
|
399
403
|
if has_single_bench:
|
|
400
404
|
return result_dfs[0]
|
triton/tools/disasm.py
CHANGED
|
@@ -75,14 +75,13 @@ def get_sass(cubin_asm, fun=None):
|
|
|
75
75
|
return sass
|
|
76
76
|
|
|
77
77
|
|
|
78
|
-
@functools.lru_cache()
|
|
79
78
|
def path_to_cuobjdump():
|
|
80
|
-
from triton
|
|
81
|
-
return
|
|
79
|
+
from triton import knobs
|
|
80
|
+
return knobs.nvidia.cuobjdump.path
|
|
82
81
|
|
|
83
82
|
|
|
84
83
|
def extract(file_path, fun):
|
|
85
|
-
cuobjdump
|
|
84
|
+
cuobjdump = path_to_cuobjdump()
|
|
86
85
|
if fun is None:
|
|
87
86
|
sass_str = subprocess.check_output([cuobjdump, "-sass", file_path])
|
|
88
87
|
else:
|
|
@@ -0,0 +1,36 @@
|
|
|
1
|
+
from dataclasses import dataclass
|
|
2
|
+
from typing import List, Any
|
|
3
|
+
from triton._utils import validate_block_shape
|
|
4
|
+
|
|
5
|
+
|
|
6
|
+
@dataclass
|
|
7
|
+
class TensorDescriptor:
|
|
8
|
+
base: Any
|
|
9
|
+
shape: List[int]
|
|
10
|
+
strides: List[int]
|
|
11
|
+
block_shape: List[int]
|
|
12
|
+
|
|
13
|
+
def __post_init__(self):
|
|
14
|
+
rank = len(self.shape)
|
|
15
|
+
assert len(self.strides) == rank, f"rank mismatch: {self}"
|
|
16
|
+
assert len(self.block_shape) == rank, f"rank mismatch: {self}"
|
|
17
|
+
assert rank > 0, "rank must not be zero"
|
|
18
|
+
assert rank <= 5, "rank cannot be more than 5"
|
|
19
|
+
ty = type(self.base)
|
|
20
|
+
type_name = f"{ty.__module__}.{ty.__name__}"
|
|
21
|
+
if type_name not in ("torch.FakeTensor", "torch.FunctionalTensor"):
|
|
22
|
+
assert self.base.data_ptr() % 16 == 0, "base must be 16-byte aligned"
|
|
23
|
+
validate_block_shape(self.block_shape)
|
|
24
|
+
elem_bytes = self.base.dtype.itemsize
|
|
25
|
+
for stride in self.strides[:-1]:
|
|
26
|
+
assert (stride * elem_bytes) % 16 == 0, "strides must be 16-byte aligned"
|
|
27
|
+
assert self.strides[-1] == 1, "Last dimension must be contiguous"
|
|
28
|
+
|
|
29
|
+
@staticmethod
|
|
30
|
+
def from_tensor(tensor: Any, block_shape: List[int]):
|
|
31
|
+
return TensorDescriptor(
|
|
32
|
+
tensor,
|
|
33
|
+
tensor.shape,
|
|
34
|
+
tensor.stride(),
|
|
35
|
+
block_shape,
|
|
36
|
+
)
|
triton/windows_utils.py
CHANGED
|
@@ -204,8 +204,13 @@ def find_winsdk_env() -> tuple[Optional[Path], Optional[str]]:
|
|
|
204
204
|
winsdk_base_path = Path(winsdk_base_path)
|
|
205
205
|
|
|
206
206
|
version = os.getenv("WindowsSDKVersion")
|
|
207
|
-
if version:
|
|
208
|
-
|
|
207
|
+
if version is None:
|
|
208
|
+
warnings.warn(
|
|
209
|
+
f"Environment variable WindowsSdkDir = {os.getenv('WindowsSdkDir')}, "
|
|
210
|
+
"but WindowsSDKVersion is not set."
|
|
211
|
+
)
|
|
212
|
+
return None, None
|
|
213
|
+
version = version.rstrip("\\")
|
|
209
214
|
if not check_winsdk(winsdk_base_path, version):
|
|
210
215
|
warnings.warn(
|
|
211
216
|
f"Environment variables WindowsSdkDir = {os.getenv('WindowsSdkDir')}, "
|
|
@@ -288,7 +293,7 @@ def find_winsdk(env_only: bool) -> tuple[list[str], list[str]]:
|
|
|
288
293
|
return [], []
|
|
289
294
|
|
|
290
295
|
|
|
291
|
-
@functools.
|
|
296
|
+
@functools.lru_cache
|
|
292
297
|
def find_msvc_winsdk(
|
|
293
298
|
env_only: bool = False,
|
|
294
299
|
) -> tuple[Optional[str], list[str], list[str]]:
|
|
@@ -301,15 +306,18 @@ def find_msvc_winsdk(
|
|
|
301
306
|
)
|
|
302
307
|
|
|
303
308
|
|
|
304
|
-
@functools.
|
|
309
|
+
@functools.lru_cache
|
|
305
310
|
def find_python() -> list[str]:
|
|
311
|
+
version = sysconfig.get_python_version().replace(".", "")
|
|
312
|
+
if sysconfig.get_config_var("Py_GIL_DISABLED"):
|
|
313
|
+
version += "t"
|
|
306
314
|
for python_base_path in [
|
|
307
315
|
sys.exec_prefix,
|
|
308
316
|
sys.base_exec_prefix,
|
|
309
317
|
os.path.dirname(sys.executable),
|
|
310
318
|
]:
|
|
311
319
|
python_lib_dir = Path(python_base_path) / "libs"
|
|
312
|
-
if (python_lib_dir / "
|
|
320
|
+
if (python_lib_dir / f"python{version}.lib").exists():
|
|
313
321
|
return [str(python_lib_dir)]
|
|
314
322
|
|
|
315
323
|
warnings.warn("Failed to find Python libs.")
|
|
@@ -417,7 +425,7 @@ def find_cuda_hardcoded() -> tuple[Optional[str], list[str], list[str]]:
|
|
|
417
425
|
return None, [], []
|
|
418
426
|
|
|
419
427
|
|
|
420
|
-
@functools.
|
|
428
|
+
@functools.lru_cache
|
|
421
429
|
def find_cuda() -> tuple[Optional[str], list[str], list[str]]:
|
|
422
430
|
for f in [
|
|
423
431
|
find_cuda_env,
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: triton-windows
|
|
3
|
-
Version: 3.
|
|
3
|
+
Version: 3.4.0.post20
|
|
4
4
|
Summary: A language and compiler for custom Deep Learning operations
|
|
5
5
|
Home-page: https://github.com/woct0rdho/triton-windows
|
|
6
6
|
Author: Philippe Tillet, Dian Wu
|
|
@@ -15,9 +15,12 @@ Classifier: Programming Language :: Python :: 3.10
|
|
|
15
15
|
Classifier: Programming Language :: Python :: 3.11
|
|
16
16
|
Classifier: Programming Language :: Python :: 3.12
|
|
17
17
|
Classifier: Programming Language :: Python :: 3.13
|
|
18
|
+
Requires-Python: >=3.9,<3.14
|
|
19
|
+
License-File: LICENSE
|
|
18
20
|
Requires-Dist: setuptools>=40.8.0
|
|
21
|
+
Requires-Dist: importlib-metadata; python_version < "3.10"
|
|
19
22
|
Provides-Extra: build
|
|
20
|
-
Requires-Dist: cmake
|
|
23
|
+
Requires-Dist: cmake<4.0,>=3.20; extra == "build"
|
|
21
24
|
Requires-Dist: lit; extra == "build"
|
|
22
25
|
Provides-Extra: tests
|
|
23
26
|
Requires-Dist: autopep8; extra == "tests"
|
|
@@ -37,6 +40,8 @@ Dynamic: author-email
|
|
|
37
40
|
Dynamic: classifier
|
|
38
41
|
Dynamic: home-page
|
|
39
42
|
Dynamic: keywords
|
|
43
|
+
Dynamic: license-file
|
|
40
44
|
Dynamic: provides-extra
|
|
41
45
|
Dynamic: requires-dist
|
|
46
|
+
Dynamic: requires-python
|
|
42
47
|
Dynamic: summary
|
|
@@ -0,0 +1,186 @@
|
|
|
1
|
+
triton/__init__.py,sha256=CEQdOZ6zLHuEVGoJ7kl2YwcfBBIPBkOQzzDjHr6ibOM,1464
|
|
2
|
+
triton/_filecheck.py,sha256=iWl8uL4LJeV4En4h4mzUbDnrmXB4jXeEgy4_uqRURH8,2845
|
|
3
|
+
triton/_internal_testing.py,sha256=MpXYuQlvJUYtFAmFcfzlU7dyIDEQB_XirJ96IRujMTA,6326
|
|
4
|
+
triton/_utils.py,sha256=XTYb3qDDaVmbhmXbm6ChMTYTW9jeE538jZwJE_eliQg,3539
|
|
5
|
+
triton/errors.py,sha256=8WfnuRKLG578mgY6cBA3ECruVMf9ULEKFNgRcJ6IhWM,89
|
|
6
|
+
triton/knobs.py,sha256=VOdRM_J0TejBYP2H7QZZzLwcRJq-Eppm9hBxDt1pCgA,14916
|
|
7
|
+
triton/testing.py,sha256=vbEQRNrOnnzRQvVVSaiZrUo8AC0XPV40GJxfvkKYLh0,20276
|
|
8
|
+
triton/windows_utils.py,sha256=7uwsR-yQZQzzvHajkukryRTJlOotyRA5mlNlJOFVGsE,13130
|
|
9
|
+
triton/_C/libtriton.pyd,sha256=7kPFHwQoDzqsAc5ypF1OomACEC7WEYnHpoKjWIwDkaA,89959424
|
|
10
|
+
triton/backends/__init__.py,sha256=X7290kf96Fk9QnfLScsX4UDG3zPyH_-31E4A7pVOijM,1612
|
|
11
|
+
triton/backends/compiler.py,sha256=MY2_cQG26p68z8VwRv2Nlj_h2DfEhwBbN-30caMgep0,2840
|
|
12
|
+
triton/backends/driver.py,sha256=AN60upJlPgia0JwvZ8vIVgLITNPuI0fdz8zMIIHPpF4,1450
|
|
13
|
+
triton/backends/amd/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
14
|
+
triton/backends/amd/compiler.py,sha256=yaF0MqfZ81-fL1Jb5aDxGGGXs2j-pVOVpneWQT6DOUs,19966
|
|
15
|
+
triton/backends/amd/driver.c,sha256=hu5_QLMJVmeyR5zYDWfDAklZckISaAFM7kKOg9MpuWE,8612
|
|
16
|
+
triton/backends/amd/driver.py,sha256=9UU3u5gdqjGl7NYdsOyFk63MjgWW0Vnx4-jJ35ROscs,23718
|
|
17
|
+
triton/backends/amd/lib/asanrtl.bc,sha256=1xv2RlU3WvbdsghHlmhwiHewGM2B5dKts5bERM6S89o,24508
|
|
18
|
+
triton/backends/amd/lib/ockl.bc,sha256=wQKCzkKukIHbu0lyjKUYlhndc7S27xto6L54J0Bn-C0,246124
|
|
19
|
+
triton/backends/amd/lib/ocml.bc,sha256=UPNTXW0gCXUNB-c6orSYwb-mz9_mjUc7zny_vfFza44,205964
|
|
20
|
+
triton/backends/nvidia/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
21
|
+
triton/backends/nvidia/compiler.py,sha256=9ebNiX61uhApSojj5zf51HCh750FjXk2nzYlVQDJudk,19495
|
|
22
|
+
triton/backends/nvidia/driver.c,sha256=rH8RDtMMv_UHr7qiLnrSdNg3xojOQe_fF1zW67LFjaE,17882
|
|
23
|
+
triton/backends/nvidia/driver.py,sha256=22YT4HhTPI1aJ-mjw31Lvw1mcffj17pGJry3m9W6jio,26391
|
|
24
|
+
triton/backends/nvidia/bin/ptxas.exe,sha256=f28E0l5aerLAfBXk7yagfOwIEE6_6_NkMx-vqPPEQ9Y,24753152
|
|
25
|
+
triton/backends/nvidia/include/cuda.h,sha256=Fn44OjeRImxegJ39apYUspseEfTWNGwpqSGUOnHj5WY,1183268
|
|
26
|
+
triton/backends/nvidia/lib/libdevice.10.bc,sha256=XC-uN8huaMOjhgWpX1EtfRLV89uYYxC-R_VzBKpype4,473728
|
|
27
|
+
triton/backends/nvidia/lib/x64/cuda.lib,sha256=I5DZfR8aQ9wodYo3trskSbJpJd9lHvZXsnEZ3NV30LQ,160840
|
|
28
|
+
triton/compiler/__init__.py,sha256=0NEunzjGCNEVOhYZLDI4pDi_zAaYAgTXNm8U5uxbdL0,242
|
|
29
|
+
triton/compiler/code_generator.py,sha256=Rj5tFwqfjMR1-cr2CxOr3nP3Ez2V4EE3ENKQAp66uXc,66887
|
|
30
|
+
triton/compiler/compiler.py,sha256=Qm-71vUVkafzjYpU3ttBCTzWheIs08Z7zfBusHODEJY,21556
|
|
31
|
+
triton/compiler/errors.py,sha256=I9Y15pDWcL9heY4SWWdLeMDtW6Iiq2pFXzKfJ6dY_C0,1732
|
|
32
|
+
triton/compiler/make_launcher.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
33
|
+
triton/experimental/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
34
|
+
triton/experimental/gluon/__init__.py,sha256=e2NX3d9SND2hKGmMDCix8_Sg12BMpK3zR3NWHy-fioQ,76
|
|
35
|
+
triton/experimental/gluon/_compiler.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
36
|
+
triton/experimental/gluon/_runtime.py,sha256=b9KD4D-CuuYxwCwj2YPPpT_JnB9e1G4_ztaESaQjgHw,3395
|
|
37
|
+
triton/experimental/gluon/language/__init__.py,sha256=EEDociOXDeGu9y2FwRKUoGNxJKu7eg2jIi94j7TQxx8,451
|
|
38
|
+
triton/experimental/gluon/language/_core.py,sha256=8QyCvlTYQnqIDDrVa1AG84u7K3zaBAS_81QaJg3RfqE,8911
|
|
39
|
+
triton/experimental/gluon/language/_layouts.py,sha256=H3Zkjmkl-IwJxCC4pnPxsBw-2mGNCNfn9MbY1c1l6s0,8975
|
|
40
|
+
triton/experimental/gluon/language/_math.py,sha256=R9fMFusmpDy3rdA-zwxIIB5nigEg08MeTnSdslA0DQA,329
|
|
41
|
+
triton/experimental/gluon/language/_semantic.py,sha256=SKRJPTtnhfWpuz-deaun845FpHvBvpeW2erGqO-UkdQ,13898
|
|
42
|
+
triton/experimental/gluon/language/_standard.py,sha256=gunBiUjdix_LDVONM-OZ5wuR0i8O5fZLXHmOBEyvbLk,1063
|
|
43
|
+
triton/experimental/gluon/language/nvidia/__init__.py,sha256=SFBuACK5P2XoYcutHEnKjqgRTboU4CPDmJz0hT6dFRQ,80
|
|
44
|
+
triton/experimental/gluon/language/nvidia/blackwell/__init__.py,sha256=KHmHVhgmvhLQXsPfwExi_O9AfjQzpKYmqb3zWSy6W4Q,7599
|
|
45
|
+
triton/experimental/gluon/language/nvidia/blackwell/tma.py,sha256=15xbiY2QmgjVPHvXPJ3MKrAkbqcaZjgx-V3B-kCgo9w,1086
|
|
46
|
+
triton/experimental/gluon/language/nvidia/hopper/__init__.py,sha256=NVReVRoDY3OuXQUrKokuxY86z0QehVSje63H52u-5hs,295
|
|
47
|
+
triton/experimental/gluon/language/nvidia/hopper/mbarrier.py,sha256=MezUtSQr-FzYM1kbuto1xNE4NimSBZIxP25xkn7nnp8,1603
|
|
48
|
+
triton/experimental/gluon/language/nvidia/hopper/tma.py,sha256=Jih4obM2oGcUU7DYg0T7nSindQQd40zgQh0e1MeLh6A,3508
|
|
49
|
+
triton/experimental/gluon/nvidia/__init__.py,sha256=ISXB4RV7RcCLsU-JhcRFeA29gCBDVk8cTwO2j99ivLc,80
|
|
50
|
+
triton/experimental/gluon/nvidia/blackwell.py,sha256=cllwlUCE5_YKWqySQZk7wt7Fierz345E5VwztxNRGMs,69
|
|
51
|
+
triton/experimental/gluon/nvidia/hopper.py,sha256=SKDi2fPCB87vMZAF6Em3gfZgif95U4Omeiexn7c969o,1518
|
|
52
|
+
triton/language/__init__.py,sha256=XJPQq1rq0SoPcfqkw9YVln7XqP0I25nIGzTa-QmMpiY,6418
|
|
53
|
+
triton/language/core.py,sha256=UsbrSmv92MdNW9JfKkyDhDOAZI8drrS1PK7Av2un7A4,116128
|
|
54
|
+
triton/language/math.py,sha256=CKvuIc5iMKhz7Qgx9w-VcLfOOZadv5svKK4aGZLuHMc,7399
|
|
55
|
+
triton/language/random.py,sha256=jkuFmfgZ8yvKuub9EY27zPvsC6nhkJIk05xf4y-7SR8,7102
|
|
56
|
+
triton/language/semantic.py,sha256=ERQftF6yeuTMmPO722GWpfwug7r9ZDWhxThL1kwLfmI,96950
|
|
57
|
+
triton/language/standard.py,sha256=EwpxORaDOiOdT4QgCnxiFXrsC652no7RptVoF9OszN0,16152
|
|
58
|
+
triton/language/extra/__init__.py,sha256=XRXFvr7416pRsh_Rh-X6qV66SiEyVDVbxp4GSAE1mfc,655
|
|
59
|
+
triton/language/extra/libdevice.py,sha256=Dki14elRNmQsz-Ytw9CnOaLCCnte4T6cI8bOzWjN63A,6318
|
|
60
|
+
triton/language/extra/cuda/__init__.py,sha256=MBBu2EUYxsp6ygjiwO4Yh1X1EswMstfaiRTMSMGtbcw,407
|
|
61
|
+
triton/language/extra/cuda/gdc.py,sha256=QAqc_E1INKjYlW6ERSnb9uWoEBDAQlnxkn2yiIWHJPQ,2185
|
|
62
|
+
triton/language/extra/cuda/libdevice.py,sha256=J7Kl0ejbAIus7-YBn2OSK71lkm3pC7G1J-5ZdHfS82U,56764
|
|
63
|
+
triton/language/extra/cuda/utils.py,sha256=phDcXCFViaq3p4ThwHrO8-FtU-8A8I3nk4mZZJVvTio,4426
|
|
64
|
+
triton/language/extra/hip/__init__.py,sha256=ieSER4LeX9_0horChGUUVwpuKAprkuka8uGAkEBDyDM,49
|
|
65
|
+
triton/language/extra/hip/libdevice.py,sha256=Rf-AmBzcO6ORVzSxSuLXOy0lpoZTsnRAuTvjSF83r-E,17313
|
|
66
|
+
triton/runtime/__init__.py,sha256=mKL5cqIBDUw2WO80NRCh4s1G8KYaqgM59TTAbTkPPjQ,621
|
|
67
|
+
triton/runtime/_allocation.py,sha256=zaW4B7I7c-2rkVuN7IZaUB6IQSI1t4FvnTPZH-r7DTk,798
|
|
68
|
+
triton/runtime/autotuner.py,sha256=cfWBuLpL6-eBv-J2tFIbL0gE3ZGHOFSJ0e3n0GfrzLw,20244
|
|
69
|
+
triton/runtime/build.py,sha256=r44tiyJFWp5Xoxb2WUyw0nqxOA2rtyWN7O8krW9gZKE,6209
|
|
70
|
+
triton/runtime/cache.py,sha256=uMV-CwCaS9cthIzKoLlTHXjhw_RoaIUaVP7zmgsdsIo,9689
|
|
71
|
+
triton/runtime/driver.py,sha256=seGhU4efCFPVN0KVzd4gmZ1x5s0I_sFyM5NC8brXWF8,1798
|
|
72
|
+
triton/runtime/errors.py,sha256=CwfJXciwel_-K3BfQfKUpLPDWrSyTnGsfJkqJojrdfQ,1052
|
|
73
|
+
triton/runtime/interpreter.py,sha256=IJ0kLHhnoRd9-lwtPk7l8IDs_reaDzLpIBJaH-h3S8g,60811
|
|
74
|
+
triton/runtime/jit.py,sha256=M1bqBguYaMuztS3hH4-T5CI8UrvADyEC2mVuuwKVrvg,36766
|
|
75
|
+
triton/runtime/tcc/libtcc.dll,sha256=4IVp00uvXFRsmhnF5tC1mT8Zb0Hl6uuxDlTHG1kQkrw,156160
|
|
76
|
+
triton/runtime/tcc/tcc.exe,sha256=6cs-ieIKnv6tg8yeaxADFCdWNML3BQVtpx9CTqmwzfA,23552
|
|
77
|
+
triton/runtime/tcc/include/_mingw.h,sha256=q0vn005_oOci8JSODJCtTZW4oexknC8Ybfo4e1e-eDM,3865
|
|
78
|
+
triton/runtime/tcc/include/assert.h,sha256=Orft7F5VhAw1viUrrVIjaVXDtPkUOBDNsfCcNFEOuMQ,1439
|
|
79
|
+
triton/runtime/tcc/include/conio.h,sha256=3nFh-Fg12Ys4_moZ74lz3K9Y7CN7HJHPBaxTWy_zhF8,11130
|
|
80
|
+
triton/runtime/tcc/include/ctype.h,sha256=TPqqQ7P3QUmEEm6LHN9l-drA72jZozlr4LiCg3anSms,9755
|
|
81
|
+
triton/runtime/tcc/include/dir.h,sha256=hAZLF-UB1pHEPUfkWxEsKITbRnQXkQtfoUgrcjQrrfs,952
|
|
82
|
+
triton/runtime/tcc/include/direct.h,sha256=F5wyBDEtfPgDIQJ3Nim8s-X_95LR2AiTHLZhmkMdJDU,1979
|
|
83
|
+
triton/runtime/tcc/include/dirent.h,sha256=iMH3Z_3NbVG5ke4yNHktpIyFdvX4gW8XpCNE-ci7scE,3339
|
|
84
|
+
triton/runtime/tcc/include/dos.h,sha256=Ov6kroXGiYf-WfQFkqxeo-8QSbT7cmErsYU1jWKOLew,1090
|
|
85
|
+
triton/runtime/tcc/include/errno.h,sha256=fISU_lfZRHc4YcTBzB8rRrMREUSiS_UFs9R7MvCsHoo,1410
|
|
86
|
+
triton/runtime/tcc/include/excpt.h,sha256=AJjlFgLJT4qXAvS3dtNjD1buwn7We5_DbZIEkztYrE0,3796
|
|
87
|
+
triton/runtime/tcc/include/fcntl.h,sha256=-9lPlFpXFlrIl726zSqGGxNR54UPp2dScDwKYi4GRvo,1269
|
|
88
|
+
triton/runtime/tcc/include/fenv.h,sha256=Z6gnrPTgllOvtdGPLsql_N-3Rx2KW4GXwvM9BuhGL4Q,3146
|
|
89
|
+
triton/runtime/tcc/include/float.h,sha256=ybqqR447qFiXt4H3BlueFE-qzI6ByvpaZCtdSceENOs,1374
|
|
90
|
+
triton/runtime/tcc/include/inttypes.h,sha256=QZTAQIzbozC3z6HSCR1yoM-_IHf_H-sZ9Dbz86oq3xg,6072
|
|
91
|
+
triton/runtime/tcc/include/io.h,sha256=Xal8hQ6OKrYIxClHozQR9Vb211uCZOHlzynKe6e5YlY,13067
|
|
92
|
+
triton/runtime/tcc/include/limits.h,sha256=OcB2Hw5D17k2ubgchWc92CiW6_pm6fG5oZtF805M1So,2686
|
|
93
|
+
triton/runtime/tcc/include/locale.h,sha256=iCYm-iXbwbWQPm_ZjMhRbx5UxOBpRQJmU_BbOBJd_yw,2135
|
|
94
|
+
triton/runtime/tcc/include/malloc.h,sha256=cwf_MwuNeVTVSOGeRYh-1k3jbaW-4f2izAIfDBwYkr0,5214
|
|
95
|
+
triton/runtime/tcc/include/math.h,sha256=6kH9ac-CcbSFMZnKg04GyURd4fsDFLcqYc59TqdZsMc,23036
|
|
96
|
+
triton/runtime/tcc/include/mem.h,sha256=Q5VpRq7-5Q4B_dTVSmxZdBirywIlH512le1wOf16X_Y,345
|
|
97
|
+
triton/runtime/tcc/include/memory.h,sha256=tDQeGIkTqBn6O_EBB4qVygd3gCGTc_Qkw5rYbJTgS28,1233
|
|
98
|
+
triton/runtime/tcc/include/process.h,sha256=aUfJVPKvZ25mzDjWSxoWVChzQADi4nL4g8LXSoW4ICA,9091
|
|
99
|
+
triton/runtime/tcc/include/setjmp.h,sha256=thZOt_rkoSFjJRSS9_TlbMUNFG7HovVkDYbspNCVBG8,3867
|
|
100
|
+
triton/runtime/tcc/include/share.h,sha256=bekiwb1-7cMzCDBHhcISlFBk12Pu37NzwJy7tcuTPd4,639
|
|
101
|
+
triton/runtime/tcc/include/signal.h,sha256=BFoDGzdnM-16aFvAFwn1KBQDcp_3xgG5E7Ksov4Uk7s,1583
|
|
102
|
+
triton/runtime/tcc/include/stdarg.h,sha256=EWUEp8P-q7xFUenbC-yVcXBkfvIGfrRqQwS8v93OWjA,2494
|
|
103
|
+
triton/runtime/tcc/include/stdbool.h,sha256=UlKCQiXdxIawRgZ392XkFXr10-16zWWzEKQEXq-1avc,176
|
|
104
|
+
triton/runtime/tcc/include/stddef.h,sha256=yR_6rvUjHG1-dE4HAPH0KcnPrYikES_dWrq7cB87Wks,1402
|
|
105
|
+
triton/runtime/tcc/include/stdint.h,sha256=M8bI2n1WS1cCr4xv9FwAoWhCuj_-P5X39iMnUvY8Wv0,6333
|
|
106
|
+
triton/runtime/tcc/include/stdio.h,sha256=dJBZg0FDvNW9zqE_yGPItlh6idbfyEzVAXqY3xkN770,14903
|
|
107
|
+
triton/runtime/tcc/include/stdlib.h,sha256=W7oJWi0iprwGcPc7_rumPP7GX4t8JI6E42s9ft4KTzw,20426
|
|
108
|
+
triton/runtime/tcc/include/string.h,sha256=1cAsImU3hHku7_BMxFNGe6IsIU2azodhJ-q1_My8p2I,8590
|
|
109
|
+
triton/runtime/tcc/include/tcclib.h,sha256=FR8_fIZXa9SS0lT4QOI02XmTxG1NmoJhTX0JU8AFdeE,2611
|
|
110
|
+
triton/runtime/tcc/include/tchar.h,sha256=f-X94Cj_j2nSvakQZk4sFp57ksbn8s95FetyBUqXRv8,31364
|
|
111
|
+
triton/runtime/tcc/include/time.h,sha256=RTeTotbG_HctHN1g5wH7PTk9dSk3wdayymTV8c7J_TY,8405
|
|
112
|
+
triton/runtime/tcc/include/vadefs.h,sha256=LmqzWVWTGaEagPj1KqBHLNCxQRN_Oh6qGMQNiCfcUdQ,304
|
|
113
|
+
triton/runtime/tcc/include/values.h,sha256=-jdYhHsz9Zq-mbAjvgDYoCfDkezQWAof51VJfBHgxyM,126
|
|
114
|
+
triton/runtime/tcc/include/varargs.h,sha256=B4WIV_Tu0KYd-UvrGp1ni1P8PWegsOiTYVX4XdvNHcw,355
|
|
115
|
+
triton/runtime/tcc/include/wchar.h,sha256=yb8S4CoqsHg-0cZt_kPeQ8QCszkGytqbEVdQKoLHw-Q,34132
|
|
116
|
+
triton/runtime/tcc/include/wctype.h,sha256=4S2cW8vk37lupsdUEOooeRezwkv_nNLnFtNeAMHUkGw,4782
|
|
117
|
+
triton/runtime/tcc/include/sec_api/conio_s.h,sha256=9zdegWc5SR-6s5UxwdYKd7eP-aFiq6F_gXx3O_dfZQg,1535
|
|
118
|
+
triton/runtime/tcc/include/sec_api/crtdbg_s.h,sha256=A2MO6D58khRGoHkIU_yt61owhVPdPE7N3VaM2jFnwPE,461
|
|
119
|
+
triton/runtime/tcc/include/sec_api/io_s.h,sha256=bgL0rlDTBimvffNHhbbDJkKxLZSt3VZgb2_Eq2aCUP8,881
|
|
120
|
+
triton/runtime/tcc/include/sec_api/mbstring_s.h,sha256=2WKrgHCViVP0iyTJ6gaLNFsVgjeCb7cbmnbTbPLooys,3615
|
|
121
|
+
triton/runtime/tcc/include/sec_api/search_s.h,sha256=lhdOCfHFc8f66oWm1WgiWhuUbhM8bASnvWqoZcWIlqI,796
|
|
122
|
+
triton/runtime/tcc/include/sec_api/stdio_s.h,sha256=UQe-10DGJ0_8dnrULe1s5aj1HLDHMjnQTVpkfWLt8vE,11508
|
|
123
|
+
triton/runtime/tcc/include/sec_api/stdlib_s.h,sha256=hlDjS-JBx9g3QzEmh462ow7nHAt1nCNnH9jwcVx83mU,4113
|
|
124
|
+
triton/runtime/tcc/include/sec_api/stralign_s.h,sha256=sj8M951UVeIy2SeS4rK-OBJaAoCLwAUEk2e6to2hMAs,824
|
|
125
|
+
triton/runtime/tcc/include/sec_api/string_s.h,sha256=7vMvtQW5ijYQkj6N2z3nJMVbRDidJc73z1DuPNFPXWg,1787
|
|
126
|
+
triton/runtime/tcc/include/sec_api/tchar_s.h,sha256=pTGMzrJBlidpFpwyo85b-5oHWlLtusMarTOw17iXtUQ,8328
|
|
127
|
+
triton/runtime/tcc/include/sec_api/time_s.h,sha256=munLejFkrQCT44h7DKCbtnSY2lG7ROm-UAtg5yo4XcA,2331
|
|
128
|
+
triton/runtime/tcc/include/sec_api/wchar_s.h,sha256=WkcKw1iy2VEgIYL57B-UUzHCOo15YprU7bCLfXPPruQ,7492
|
|
129
|
+
triton/runtime/tcc/include/sec_api/sys/timeb_s.h,sha256=0VNBfsZOt7FQR0m8pkd-_VG0si3mcFGPT9wnAQgBRcA,653
|
|
130
|
+
triton/runtime/tcc/include/sys/fcntl.h,sha256=K09mD_2JlK-gOHQHBR48p-zI_kS-sq3S1DHNUs6K2cQ,359
|
|
131
|
+
triton/runtime/tcc/include/sys/file.h,sha256=tud5xTFAwRe8Nr0zXGS_yxOuTCxIa5R4OzIUmm6y0yA,367
|
|
132
|
+
triton/runtime/tcc/include/sys/locking.h,sha256=KXhhRemvNKH5bnNohVsZ6IefyA01oXLZupfTx_wvYxE,648
|
|
133
|
+
triton/runtime/tcc/include/sys/stat.h,sha256=TcEmq0sxd9qF5A7Van1FFhBeQ2pGJCcpkoFrI-A5FbU,6881
|
|
134
|
+
triton/runtime/tcc/include/sys/time.h,sha256=UYdB8oZUVDTfZ2Vy5Tv4VTsElqcTiULcayD_JStCk-Q,1717
|
|
135
|
+
triton/runtime/tcc/include/sys/timeb.h,sha256=70P59RZgq4KCcH9xacw9l3h45iN0PSPsVlZj_itOl4I,2445
|
|
136
|
+
triton/runtime/tcc/include/sys/types.h,sha256=8cP55cgRpjvrrlIpBCwJy14Ff0EX_TG0Wqy7TDpibfg,2128
|
|
137
|
+
triton/runtime/tcc/include/sys/unistd.h,sha256=H1lahcru73OFoL2pSvUYlrIU7iYFZISvUDU-k5PeGSk,351
|
|
138
|
+
triton/runtime/tcc/include/sys/utime.h,sha256=UkMS4-ijJffVr8Id24_LzrhdRRF14H7xvq23-C-jaLM,3429
|
|
139
|
+
triton/runtime/tcc/include/tcc/tcc_libm.h,sha256=dY4Fhe37zkS_J-C7RNmyKvU7hsnCZeQwPfmycBlO1P8,5780
|
|
140
|
+
triton/runtime/tcc/include/winapi/basetsd.h,sha256=XJy6oWq_V0AO0xtJqrfuAVeI2-fTtY89U8hts4B91vA,5614
|
|
141
|
+
triton/runtime/tcc/include/winapi/basetyps.h,sha256=NIQu4zicsTpyorh-yTCq2__OiQbrMUgBgM_1Qcf0QTQ,2413
|
|
142
|
+
triton/runtime/tcc/include/winapi/guiddef.h,sha256=fbGx_kZRP1eKPHd8POMA2EA9Mfv7bQDqz_kyhtLtEpM,4165
|
|
143
|
+
triton/runtime/tcc/include/winapi/poppack.h,sha256=gclR4fuHqo9uiHGgcyd_HNHMubZvbvqSr_NbzQCmByY,282
|
|
144
|
+
triton/runtime/tcc/include/winapi/pshpack1.h,sha256=jrZ90jPVo4fW3BgUy262xt6aEjQ4-u_Ke0QmkcryMEk,285
|
|
145
|
+
triton/runtime/tcc/include/winapi/pshpack2.h,sha256=1FnL1UaSn9RJgNMsFoCo8XbXF86d8WL1xcRD39zMnkI,285
|
|
146
|
+
triton/runtime/tcc/include/winapi/pshpack4.h,sha256=zTuhJYpd2ccUh50-SZsCHIXumCfAa6wvwsHmd7WQlTE,285
|
|
147
|
+
triton/runtime/tcc/include/winapi/pshpack8.h,sha256=Mv57X_I4fJFq0TTvW1sKxnRH2g4NzPQFwxViqscY1tg,285
|
|
148
|
+
triton/runtime/tcc/include/winapi/winbase.h,sha256=R-_7pNS7ffvjc_EVYoWhcAQv4aNVK8u-5GDl22jh_y0,159607
|
|
149
|
+
triton/runtime/tcc/include/winapi/wincon.h,sha256=yWW4g54QDpqsrTM7NzIY-WKhWEBYMjH5aAdkQeeBU4s,14473
|
|
150
|
+
triton/runtime/tcc/include/winapi/windef.h,sha256=E36aQ6E25K4Zs6TIRAI8ahYRsjaFAANk9r4xQ9saTHU,5674
|
|
151
|
+
triton/runtime/tcc/include/winapi/windows.h,sha256=Ow2A5LJ-CZyK9UPW2cyilcaOEVoPunzXnMDnbRw6XBE,2173
|
|
152
|
+
triton/runtime/tcc/include/winapi/winerror.h,sha256=WQE0AAsbXE-3r7zFSkRaQiKNdBZKnoskQ00amT92hS4,150512
|
|
153
|
+
triton/runtime/tcc/include/winapi/wingdi.h,sha256=31k3rBgFsnq7oDJ30sNMrujLQ4ftuJStzXPmFyqfvZQ,121301
|
|
154
|
+
triton/runtime/tcc/include/winapi/winnt.h,sha256=t4lEvboYsxS8SiDVgd0IWP2Ld1pJLtvqLRp8KvxBjhs,192723
|
|
155
|
+
triton/runtime/tcc/include/winapi/winreg.h,sha256=bbuWncIekNkETavNGQJowbsz5EWGLOKkpTbppxNPpOs,13963
|
|
156
|
+
triton/runtime/tcc/include/winapi/winuser.h,sha256=Q1a_zfUgnE7FjeSG4hc85LF-DOdaQisib93dGFl8mQU,179678
|
|
157
|
+
triton/runtime/tcc/include/winapi/winver.h,sha256=fYRmeOwqjHD4YwjPa-WF12CSTGIN_PtLBI9g2IV3tp0,5381
|
|
158
|
+
triton/runtime/tcc/lib/cuda.def,sha256=c8XdUSeajwFv0jSgW1lDoiCcEauHygWrl8Ws4wRrB_g,15535
|
|
159
|
+
triton/runtime/tcc/lib/gdi32.def,sha256=NfGNAGtoQaOuBuheG0mv4AqlinvYm9aPNbSycCUP50A,5052
|
|
160
|
+
triton/runtime/tcc/lib/kernel32.def,sha256=ank2QlCtswD44SShHIX-0vqd5XQI6r0eu7HO3PszuM4,12882
|
|
161
|
+
triton/runtime/tcc/lib/libtcc1-64.a,sha256=huWSqjVuP1FZcAo-Fqp5kiBNVFlhsn6oy2JvyzSxWUs,41706
|
|
162
|
+
triton/runtime/tcc/lib/msvcrt.def,sha256=oB3JKUV0IE47w6R7bKFEnIlfef-SFeWC4jg6g-YUg7g,15880
|
|
163
|
+
triton/runtime/tcc/lib/python3.def,sha256=o8MijZkdWOnHNPU4fmJrT1qw3fWSlaegC969H_X5_VE,16173
|
|
164
|
+
triton/runtime/tcc/lib/python310.def,sha256=3ofvYJiv78p-4DljnpZVvy9D5SvSfF-H26MldEEVJlw,33539
|
|
165
|
+
triton/runtime/tcc/lib/python311.def,sha256=8rxqpShmaBhu2HzvmkjsJy7kxXjNDBtD3nHTa88QKqY,33820
|
|
166
|
+
triton/runtime/tcc/lib/python312.def,sha256=yIwbeXDcGnPfAjTo89oEojrlQtrW6aVPvGm7GMX1RNs,35695
|
|
167
|
+
triton/runtime/tcc/lib/python313.def,sha256=HcOu0MS-PFcj2_OskAKsXfv9w27GebWijs-rc-RXmQI,34658
|
|
168
|
+
triton/runtime/tcc/lib/python313t.def,sha256=LssGwvVZnHdyZV2HHGcAqhla1blHjulz8Q7Wft8ERrs,34774
|
|
169
|
+
triton/runtime/tcc/lib/python39.def,sha256=iv2tgW38gyRGVdJ126Za7jrtW-ZAH1gFLD62JHj1e4E,34237
|
|
170
|
+
triton/runtime/tcc/lib/python3t.def,sha256=vem4PTOKJ-w6B_UCZdGFCscddRA-XWRONNOTMdWkXYQ,18101
|
|
171
|
+
triton/runtime/tcc/lib/user32.def,sha256=EcYohyyDgmz9fLBoOR-vszLeJ2YkBUoNGvSnuXrkum0,10439
|
|
172
|
+
triton/tools/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
173
|
+
triton/tools/build_extern.py,sha256=jCr-2hu3nLGBIJhCGUQ1jAyzLttughjkiPGEwRFjLR0,13673
|
|
174
|
+
triton/tools/compile.py,sha256=CP_-yqEd55ejkc2_OYVE7q0Eyh9xErk8KJy2BcdCV0Y,7129
|
|
175
|
+
triton/tools/disasm.py,sha256=T9jiTkdK_0nI3R_4uea0zvfioYdcR-zIZwTfuucgw6g,5026
|
|
176
|
+
triton/tools/link.py,sha256=u7qtfZRLriZkAMEGNvj8YF-k1cthmLL7BwHYqBgT63E,11871
|
|
177
|
+
triton/tools/mxfp.py,sha256=YQdpBrGkOVNOtnLeRjMCeVFHWkSwUubGeWsItIjO8TU,11737
|
|
178
|
+
triton/tools/tensor_descriptor.py,sha256=mt4iVVRcNg0gjoytb6iCP4l5vt-H2V3MGeAQfJcStJo,1289
|
|
179
|
+
triton/tools/extra/cuda/compile.c,sha256=TdIENsqk6wrvv1C4Mk-sq9keXe3SJuMQcf0UpxmjNZk,2153
|
|
180
|
+
triton/tools/extra/cuda/compile.h,sha256=n9QKIFZTL4RSsiXtAxBP9XGSnxjyaevQQ9bBpwDsvAg,332
|
|
181
|
+
triton_windows-3.4.0.post20.dist-info/licenses/LICENSE,sha256=kmQPuXIi_Qppj_KM4MN4LBcmI_jWxgm1V2NqgPKPuUY,1132
|
|
182
|
+
triton_windows-3.4.0.post20.dist-info/METADATA,sha256=XVQISF1LWaRTh_mbQoa1OXk_1uhmigdfEfWJ2whPIPc,1794
|
|
183
|
+
triton_windows-3.4.0.post20.dist-info/WHEEL,sha256=8UP9x9puWI0P1V_d7K2oMTBqfeLNm21CTzZ_Ptr0NXU,101
|
|
184
|
+
triton_windows-3.4.0.post20.dist-info/entry_points.txt,sha256=cztF9ZYXxoMhibI_OttiKCl1EBP2LQaV8naJ-BcuES4,76
|
|
185
|
+
triton_windows-3.4.0.post20.dist-info/top_level.txt,sha256=WBiIZyv6n9Y7MIh-HPHSv2w1RDk7EFL__7ZgQRrmHYs,7
|
|
186
|
+
triton_windows-3.4.0.post20.dist-info/RECORD,,
|
|
@@ -0,0 +1,23 @@
|
|
|
1
|
+
/*
|
|
2
|
+
* Copyright 2018-2020 Philippe Tillet
|
|
3
|
+
* Copyright 2020-2022 OpenAI
|
|
4
|
+
*
|
|
5
|
+
* Permission is hereby granted, free of charge, to any person obtaining
|
|
6
|
+
* a copy of this software and associated documentation files
|
|
7
|
+
* (the "Software"), to deal in the Software without restriction,
|
|
8
|
+
* including without limitation the rights to use, copy, modify, merge,
|
|
9
|
+
* publish, distribute, sublicense, and/or sell copies of the Software,
|
|
10
|
+
* and to permit persons to whom the Software is furnished to do so,
|
|
11
|
+
* subject to the following conditions:
|
|
12
|
+
*
|
|
13
|
+
* The above copyright notice and this permission notice shall be
|
|
14
|
+
* included in all copies or substantial portions of the Software.
|
|
15
|
+
*
|
|
16
|
+
* THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
|
|
17
|
+
* EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
|
|
18
|
+
* MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT.
|
|
19
|
+
* IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY
|
|
20
|
+
* CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT,
|
|
21
|
+
* TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE
|
|
22
|
+
* SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
|
|
23
|
+
*/
|
|
@@ -0,0 +1 @@
|
|
|
1
|
+
triton
|