triton-windows 3.3.0.post19__cp39-cp39-win_amd64.whl → 3.4.0.post20__cp39-cp39-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/language/_utils.py
DELETED
|
@@ -1,21 +0,0 @@
|
|
|
1
|
-
from typing import List
|
|
2
|
-
|
|
3
|
-
TRITON_MAX_TENSOR_NUMEL = 1048576
|
|
4
|
-
|
|
5
|
-
|
|
6
|
-
def is_power_of_two(x):
|
|
7
|
-
return (x & (x - 1)) == 0
|
|
8
|
-
|
|
9
|
-
|
|
10
|
-
def validate_block_shape(shape: List[int]):
|
|
11
|
-
numel = 1
|
|
12
|
-
for i, d in enumerate(shape):
|
|
13
|
-
if not isinstance(d, int):
|
|
14
|
-
raise TypeError(f"Shape element {i} must have type `constexpr[int]`, got `constexpr[{type(d)}]")
|
|
15
|
-
if not is_power_of_two(d):
|
|
16
|
-
raise ValueError(f"Shape element {i} must be a power of 2")
|
|
17
|
-
numel *= d
|
|
18
|
-
|
|
19
|
-
if numel > TRITON_MAX_TENSOR_NUMEL:
|
|
20
|
-
raise ValueError(f"numel ({numel}) exceeds triton maximum tensor numel ({TRITON_MAX_TENSOR_NUMEL})")
|
|
21
|
-
return numel
|
|
@@ -1,106 +0,0 @@
|
|
|
1
|
-
from typing import Sequence
|
|
2
|
-
|
|
3
|
-
from triton.language import core
|
|
4
|
-
from triton.language import semantic
|
|
5
|
-
from triton._C.libtriton import ir
|
|
6
|
-
|
|
7
|
-
__all__ = [
|
|
8
|
-
"experimental_device_tensormap_create1d",
|
|
9
|
-
"experimental_device_tensormap_create2d",
|
|
10
|
-
"experimental_tensormap_fenceproxy_acquire",
|
|
11
|
-
]
|
|
12
|
-
|
|
13
|
-
|
|
14
|
-
def _determine_elem_type(element_ty: core.dtype):
|
|
15
|
-
if element_ty.primitive_bitwidth == 8:
|
|
16
|
-
return 0
|
|
17
|
-
elif element_ty.primitive_bitwidth == 16:
|
|
18
|
-
return 1
|
|
19
|
-
elif element_ty.primitive_bitwidth == 32:
|
|
20
|
-
return 2
|
|
21
|
-
else:
|
|
22
|
-
raise ValueError("element_ty must be a primitive of size 1, 2, or 4 bytes but got")
|
|
23
|
-
|
|
24
|
-
|
|
25
|
-
@core.builtin
|
|
26
|
-
def experimental_device_tensormap_create1d(
|
|
27
|
-
desc_ptr: core.tensor,
|
|
28
|
-
global_address: core.tensor,
|
|
29
|
-
load_size: core.tensor,
|
|
30
|
-
global_size: core.tensor,
|
|
31
|
-
element_ty: core.dtype,
|
|
32
|
-
_builder: ir.builder = None,
|
|
33
|
-
):
|
|
34
|
-
load_size = core._constexpr_to_value(load_size)
|
|
35
|
-
global_size = semantic.to_tensor(global_size, _builder)
|
|
36
|
-
element_ty = core._constexpr_to_value(element_ty)
|
|
37
|
-
element_stride = [core.full([], 1, core.int32, _builder=_builder)]
|
|
38
|
-
|
|
39
|
-
semantic.tensormap_create(
|
|
40
|
-
desc_ptr=desc_ptr,
|
|
41
|
-
global_address=global_address,
|
|
42
|
-
box_dim=[semantic.to_tensor(load_size, _builder)],
|
|
43
|
-
global_dim=[global_size],
|
|
44
|
-
global_stride=[],
|
|
45
|
-
element_stride=element_stride,
|
|
46
|
-
elem_type=_determine_elem_type(element_ty),
|
|
47
|
-
interleave_layout=0,
|
|
48
|
-
swizzle_mode=0,
|
|
49
|
-
fill_mode=0,
|
|
50
|
-
builder=_builder,
|
|
51
|
-
)
|
|
52
|
-
|
|
53
|
-
|
|
54
|
-
@core.builtin
|
|
55
|
-
def experimental_device_tensormap_create2d(
|
|
56
|
-
desc_ptr: core.tensor,
|
|
57
|
-
global_address: core.tensor,
|
|
58
|
-
load_size: Sequence[core.constexpr],
|
|
59
|
-
global_size: Sequence[core.tensor],
|
|
60
|
-
element_ty: core.dtype,
|
|
61
|
-
_builder: ir.builder = None,
|
|
62
|
-
):
|
|
63
|
-
assert len(load_size) == 2
|
|
64
|
-
assert len(global_size) == 2
|
|
65
|
-
load_size = [core._constexpr_to_value(x) for x in load_size]
|
|
66
|
-
global_size = [semantic.to_tensor(x, _builder) for x in global_size]
|
|
67
|
-
|
|
68
|
-
element_size = element_ty.primitive_bitwidth // 8
|
|
69
|
-
element_size_t = core.full([], element_size, core.int64, _builder=_builder)
|
|
70
|
-
global_stride = semantic.mul(element_size_t, global_size[-1], True, _builder)
|
|
71
|
-
|
|
72
|
-
contig_dim_size_in_bytes = element_size * load_size[-1]
|
|
73
|
-
if contig_dim_size_in_bytes > 128:
|
|
74
|
-
load_size[-1] = 128 // element_size
|
|
75
|
-
|
|
76
|
-
elem_stride = core.full([], 1, core.int32, _builder=_builder)
|
|
77
|
-
|
|
78
|
-
semantic.tensormap_create(
|
|
79
|
-
desc_ptr=desc_ptr,
|
|
80
|
-
global_address=global_address,
|
|
81
|
-
box_dim=[semantic.to_tensor(x, _builder) for x in load_size[::-1]],
|
|
82
|
-
global_dim=global_size[::-1],
|
|
83
|
-
global_stride=[global_stride],
|
|
84
|
-
element_stride=[elem_stride, elem_stride],
|
|
85
|
-
elem_type=_determine_elem_type(element_ty),
|
|
86
|
-
interleave_layout=0,
|
|
87
|
-
swizzle_mode=_determine_swizzle_mode_2d(contig_dim_size_in_bytes, load_size),
|
|
88
|
-
fill_mode=0,
|
|
89
|
-
builder=_builder,
|
|
90
|
-
)
|
|
91
|
-
|
|
92
|
-
|
|
93
|
-
def _determine_swizzle_mode_2d(contig_dim_size_in_bytes, load_size):
|
|
94
|
-
if contig_dim_size_in_bytes >= 128:
|
|
95
|
-
return 3
|
|
96
|
-
elif contig_dim_size_in_bytes >= 64:
|
|
97
|
-
return 2
|
|
98
|
-
elif contig_dim_size_in_bytes >= 32:
|
|
99
|
-
return 1
|
|
100
|
-
else:
|
|
101
|
-
raise ValueError("block size too small")
|
|
102
|
-
|
|
103
|
-
|
|
104
|
-
@core.builtin
|
|
105
|
-
def experimental_tensormap_fenceproxy_acquire(desc_ptr: core.tensor, _builder: ir.builder = None):
|
|
106
|
-
semantic.tensormap_fenceproxy_acquire(desc_ptr, _builder)
|
|
@@ -1,32 +0,0 @@
|
|
|
1
|
-
import torch
|
|
2
|
-
|
|
3
|
-
import triton
|
|
4
|
-
|
|
5
|
-
|
|
6
|
-
class TmaDescKernelParam:
|
|
7
|
-
TMA_DESC_SIZE = 128
|
|
8
|
-
|
|
9
|
-
def __init__(self, ptr, dims, block_dims, element_size):
|
|
10
|
-
self.desc = torch.empty(self.TMA_DESC_SIZE, dtype=torch.uint8, device="cpu")
|
|
11
|
-
assert len(dims) == len(block_dims)
|
|
12
|
-
assert 1 <= len(dims) <= 2
|
|
13
|
-
assert self.desc.data_ptr() % 64 == 0
|
|
14
|
-
|
|
15
|
-
if len(dims) == 1:
|
|
16
|
-
triton.runtime.driver.active.utils.fill_1d_tma_descriptor(ptr, dims[0], block_dims[0], element_size,
|
|
17
|
-
self.desc.data_ptr())
|
|
18
|
-
else:
|
|
19
|
-
triton.runtime.driver.active.utils.fill_2d_tma_descriptor(ptr, dims[0], dims[1], block_dims[0],
|
|
20
|
-
block_dims[1], element_size, self.desc.data_ptr())
|
|
21
|
-
|
|
22
|
-
# Return a CUtensorMap* pointer in host memory
|
|
23
|
-
def tma_desc_cpu_ptr(self):
|
|
24
|
-
return self.desc.data_ptr()
|
|
25
|
-
|
|
26
|
-
|
|
27
|
-
def create_1d_tma_descriptor(ptr, dim, block_dim, element_size):
|
|
28
|
-
return TmaDescKernelParam(ptr, [dim], [block_dim], element_size)
|
|
29
|
-
|
|
30
|
-
|
|
31
|
-
def create_2d_tma_descriptor(ptr, dim1, dim0, block_dim1, block_dim0, element_size):
|
|
32
|
-
return TmaDescKernelParam(ptr, [dim1, dim0], [block_dim1, block_dim0], element_size)
|
|
@@ -1,253 +0,0 @@
|
|
|
1
|
-
triton/__init__.py,sha256=Ds-Fjin1KciAsmLIdxKA7nYRcOB0E7Cqy62bTy_7hP4,1392
|
|
2
|
-
triton/_internal_testing.py,sha256=OBY28huiEWItqGgiukgZzHLLaSbS8yj9kdhn_u562Yg,5904
|
|
3
|
-
triton/_utils.py,sha256=5RiCLwW14w0Q3mdZ-9yz-VO5KiSexNj9xeDt4gaNsvE,1014
|
|
4
|
-
triton/errors.py,sha256=8WfnuRKLG578mgY6cBA3ECruVMf9ULEKFNgRcJ6IhWM,89
|
|
5
|
-
triton/testing.py,sha256=ivFf1Fq9frmfVahaVUp0bgJxmvVZNACZfj3Sai6zfAs,20048
|
|
6
|
-
triton/windows_utils.py,sha256=YUl-1QbLINQRaAAMNYPjLiTFZlVsCNi9mTFck5aemwk,12778
|
|
7
|
-
triton/_C/libtriton.pyd,sha256=J0tstHtjEa1Y0nI7tmL37UMMaPpkvOcfmYuKP70BFX8,87273472
|
|
8
|
-
triton/backends/__init__.py,sha256=opAo_vgEMt3tLO_bYFrYGksnIu0qohbmyuu_s3-rNAs,1595
|
|
9
|
-
triton/backends/compiler.py,sha256=ymaG0kpveAuESbQ9QZ0RyXjr0Aq4el_G5XGYogJ2gNA,3588
|
|
10
|
-
triton/backends/driver.py,sha256=AN60upJlPgia0JwvZ8vIVgLITNPuI0fdz8zMIIHPpF4,1450
|
|
11
|
-
triton/backends/amd/compiler.py,sha256=27jurEV7tH5J6BHtOXrdPJyCMYIPHo5G4Op_O66gv4E,19135
|
|
12
|
-
triton/backends/amd/driver.c,sha256=obiiiPndny5NyhUcJ8iyrVHrXU1ruLpLGd_LgaKQEbU,8459
|
|
13
|
-
triton/backends/amd/driver.py,sha256=p8FcTiAq-829p2gRQZ5sPE1_d1SQQ_sOhb5WxI6rXME,20379
|
|
14
|
-
triton/backends/amd/include/hip/channel_descriptor.h,sha256=gTYe7SzIg-m3ThOQY2vr5Rh6-uWvUP_d37v8F4T2Q14,1773
|
|
15
|
-
triton/backends/amd/include/hip/device_functions.h,sha256=vkybrdk6wyZP-T1I5PRjtfcMqGYXDeBpB5jhYj358GU,1589
|
|
16
|
-
triton/backends/amd/include/hip/driver_types.h,sha256=m1HI80HC80qkTeco2Jd07woL_jTy48lz9JiDCV_8zsg,18985
|
|
17
|
-
triton/backends/amd/include/hip/hip_bf16.h,sha256=lLw6K5ltb6AqSuINYTq8flxxsDkBP8Y2zbqmUjBcG9c,1571
|
|
18
|
-
triton/backends/amd/include/hip/hip_bfloat16.h,sha256=Nqoy9VjfjglVx2_NJcp8hyT1sJUukXRWj8XMlidv1yA,1755
|
|
19
|
-
triton/backends/amd/include/hip/hip_common.h,sha256=q5aPhG3DHW0iUJ7ayS5lfM_ZnZQNbMmLmfdHlOwbPdA,3450
|
|
20
|
-
triton/backends/amd/include/hip/hip_complex.h,sha256=TmdzQP5oVPfhBVARJYcR5eyv9HInmKMFuFoQ_1ECk_I,1594
|
|
21
|
-
triton/backends/amd/include/hip/hip_cooperative_groups.h,sha256=gMLvaYQ3b-f1vcoMtEwtkN0hO5__zNfP5p5oBKmv_SE,1878
|
|
22
|
-
triton/backends/amd/include/hip/hip_deprecated.h,sha256=gFLuCuKn7R_xCfum_i_Q-vi3Lg8NWHKphKZKze8DwEo,6340
|
|
23
|
-
triton/backends/amd/include/hip/hip_ext.h,sha256=mlzOesF-X62g9AnWdA4MP99GRu_VtwMbffOJFloLtRc,8609
|
|
24
|
-
triton/backends/amd/include/hip/hip_fp16.h,sha256=vKJh-zgDWUW7NyXxtv2ho6aVLXX8BIPfzCigEQ5d6I4,1523
|
|
25
|
-
triton/backends/amd/include/hip/hip_fp8.h,sha256=C4qn0im7Uhvp226VmL_QbF2b45Hhss2eokdSbqWkBcs,1433
|
|
26
|
-
triton/backends/amd/include/hip/hip_gl_interop.h,sha256=-GwkSFMBneM8akFE7pqlhi0k-Ft2uz5674wGoiaU43Q,1438
|
|
27
|
-
triton/backends/amd/include/hip/hip_hcc.h,sha256=RYrArDlnTEP89xKbzIpW17_bsBY5moCitq00PL-4oWI,1307
|
|
28
|
-
triton/backends/amd/include/hip/hip_math_constants.h,sha256=8bSfve5E7cDuvNAUkFUeQwSLg3iJJHuqhuD4FmHNxEM,1588
|
|
29
|
-
triton/backends/amd/include/hip/hip_profile.h,sha256=sjsNuduu5Jd6s7sJndZvZLlE0RZ0wN1rTVwv5nR7If0,1304
|
|
30
|
-
triton/backends/amd/include/hip/hip_runtime.h,sha256=uy90l8Nep6xNUzeGcHMoDv84BT3hMpieTV-5ijkpL5A,3058
|
|
31
|
-
triton/backends/amd/include/hip/hip_runtime_api.h,sha256=H9vPaMQ7VBkEtkxI5RyJ9UOXCmKzbPF70pcAsYNbP_A,402475
|
|
32
|
-
triton/backends/amd/include/hip/hip_texture_types.h,sha256=AhkvjG4cDjf_ZFLg5SsSTfBnXG614PBK1XVPa7irZbk,1237
|
|
33
|
-
triton/backends/amd/include/hip/hip_vector_types.h,sha256=6FcBMBkP3ZN1Enalpa9hV0VopxdBJvbUCuaxISgzbTY,1630
|
|
34
|
-
triton/backends/amd/include/hip/hip_version.h,sha256=3MuxlZXlLLrhLllRr-1yrIZyv7l_zknuZrT8bDDtm3g,407
|
|
35
|
-
triton/backends/amd/include/hip/hiprtc.h,sha256=dBxesFd3NCvG-NQ99s61i4fUQXfoHNmYhdF6CtE9QHQ,15904
|
|
36
|
-
triton/backends/amd/include/hip/library_types.h,sha256=tPOJTQedPH5qC9meawLgKpnbFrQC2WKlfo6s0rhKoZc,2370
|
|
37
|
-
triton/backends/amd/include/hip/math_functions.h,sha256=frzdJ4veBG8n9ALO4EmRrdOiDguR6FP6ygLnvOnVVSM,1815
|
|
38
|
-
triton/backends/amd/include/hip/surface_types.h,sha256=uQHjITphDM7k4pnuEoDEupMUxBobzvhJpSy0unpegh4,1959
|
|
39
|
-
triton/backends/amd/include/hip/texture_types.h,sha256=CtmdykZfDikhnrVfdJk3w2VK5X3Af_6rEKzU-VgLu24,6687
|
|
40
|
-
triton/backends/amd/include/hip/amd_detail/amd_channel_descriptor.h,sha256=_2myGIdBTE0plFbGKOSx8HUqGZd0UBHo-YvKe2xkpbU,11708
|
|
41
|
-
triton/backends/amd/include/hip/amd_detail/amd_device_functions.h,sha256=1TwUYh4RJhoiz850vLNicO1fFxFHR-vC-16ttDGDGGw,31367
|
|
42
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_atomic.h,sha256=KfiNN5FjV6mqSAOam6VJDu9tI7l8uaRUrQ5EMiP5Ymw,50830
|
|
43
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_bf16.h,sha256=AWsz68vSfi9PnCsIIMOQkCStRLbEat7f6om9_J2Ahj4,61352
|
|
44
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_bfloat16.h,sha256=cFJlQEELGau_9geACeuiiFHyuAWCD6-VuSqcTnqajX0,9484
|
|
45
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_common.h,sha256=dzkuIzuklqTRaNJjKLqfFEm6Fh4tK_FkTjYHFsZkmCI,1370
|
|
46
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_complex.h,sha256=SEygl8X_MCXDVXxNIBm5Ds0eWwa-ojVXUUW48SIgsX8,5855
|
|
47
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_cooperative_groups.h,sha256=t8rqzpZS--LGLI1D-pNBNCp7TCKGS0H136ps6m6VOlI,31861
|
|
48
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_fp16.h,sha256=86Nw97iaiC4QV5xBv8d3Bwc4FioMh5DQuCHj3sh_Yrw,57854
|
|
49
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_fp8.h,sha256=wc1l471D-BBroLMoV1uEsPXTp-zQjSpq-jF8bqeNZX8,53765
|
|
50
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_gl_interop.h,sha256=djlpeoEOqtX0gVVRgqqakQZkwNzLudnK_ixbShizU7M,3861
|
|
51
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_math_constants.h,sha256=u1fIaf-AiWF70ZA1zxVkUIbRqoJLu5lrfYbgt_usySk,5890
|
|
52
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_runtime.h,sha256=ZvDsQ0AiZnJ178NuAsA7AuHrySXbN3aFs5Z9m2tsIDg,13954
|
|
53
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_runtime_pt_api.h,sha256=fc4mtHBkWmiSRh8m-dxIxvu9zsweLTwEgohkntYcgJw,9997
|
|
54
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_unsafe_atomics.h,sha256=w9nJ1S32GRl_ejDiGacteM6Zf84iovIifAzWX8Bze0Q,24202
|
|
55
|
-
triton/backends/amd/include/hip/amd_detail/amd_hip_vector_types.h,sha256=qPdmRJnzlgtjVshkafoHxdHoMLkoYS9U-ZD-TjLznr0,57088
|
|
56
|
-
triton/backends/amd/include/hip/amd_detail/amd_math_functions.h,sha256=46wiaEMStCczEsHtccgHlATfw_0O5j6Z8rlFkC7bmUA,3171
|
|
57
|
-
triton/backends/amd/include/hip/amd_detail/amd_surface_functions.h,sha256=rsQuylNqmNhLb7PZjBz7WbruD_6YIXtOptY2BNJDxVU,11062
|
|
58
|
-
triton/backends/amd/include/hip/amd_detail/amd_warp_functions.h,sha256=-uJy_hBwSxRA9gzGp4UEZ3co8D_UHVNoMr_Rvx19qik,20042
|
|
59
|
-
triton/backends/amd/include/hip/amd_detail/amd_warp_sync_functions.h,sha256=2B25tjpJ_KJGijRBaEy_a2_4HLt_TXQ6eJ57zRNoPOw,11706
|
|
60
|
-
triton/backends/amd/include/hip/amd_detail/concepts.hpp,sha256=7EOkpr2w2-jclUQ115yxtFCkBWJ7btUzhBOe-mR0N0M,1252
|
|
61
|
-
triton/backends/amd/include/hip/amd_detail/device_library_decls.h,sha256=4clSpgf898UVjfZFVnDkcYi75A27crPsuFtLcs1s4KU,7457
|
|
62
|
-
triton/backends/amd/include/hip/amd_detail/functional_grid_launch.hpp,sha256=u7hRB9kQXX575a5C7cV3gKow55DSBUCwO0dTjIswlag,8129
|
|
63
|
-
triton/backends/amd/include/hip/amd_detail/grid_launch.h,sha256=tNS7CQw9gy-z930CElH3n6c5iMvpsQ_WFZK024mNzEo,1830
|
|
64
|
-
triton/backends/amd/include/hip/amd_detail/grid_launch.hpp,sha256=EuAlM3olyrArebqwW5eSxo4gfjvWCGOAGAuLLmFttgw,1370
|
|
65
|
-
triton/backends/amd/include/hip/amd_detail/grid_launch_GGL.hpp,sha256=KpQAuyy1Dyt45WcPaR_x-Ex-onPGEHA01DBbla7TT-k,1219
|
|
66
|
-
triton/backends/amd/include/hip/amd_detail/helpers.hpp,sha256=hi2pW1mXQnbIwvmwWt_nG6A38sqLOd-QP5S9sETTs60,5707
|
|
67
|
-
triton/backends/amd/include/hip/amd_detail/hip_api_trace.hpp,sha256=UMsCaqurHFSRNiHpwjaA8DExAldhh4y0UP_KOxLa25Y,101025
|
|
68
|
-
triton/backends/amd/include/hip/amd_detail/hip_assert.h,sha256=fNsG23KISuY-k5JFoX-5hZ7qGQScisXuHcdEwYlXOqw,3978
|
|
69
|
-
triton/backends/amd/include/hip/amd_detail/hip_cooperative_groups_helper.h,sha256=tQ_XIvGKhvrj1h7gY-IVLmKvIPhsQa0YsBflxdhUHP8,7957
|
|
70
|
-
triton/backends/amd/include/hip/amd_detail/hip_fp16_gcc.h,sha256=BtFsKmTptN4TOHocEicfNbBl2JCdZWKm_bd5mc5OzYY,6660
|
|
71
|
-
triton/backends/amd/include/hip/amd_detail/hip_fp16_math_fwd.h,sha256=63tKWMPdW56qWlH_HbCaF_isVXufm514ol_SxL4YjTQ,5134
|
|
72
|
-
triton/backends/amd/include/hip/amd_detail/hip_ldg.h,sha256=KAEZb9H4z4DDrkaloMOeWzahiDfI2V6c68vWT3jb5fU,3652
|
|
73
|
-
triton/backends/amd/include/hip/amd_detail/hip_prof_str.h,sha256=Xb0M9ztYHRqRLjKFBumbAR2rjbUnoZulweCZKTU8ejU,648748
|
|
74
|
-
triton/backends/amd/include/hip/amd_detail/hip_runtime_prof.h,sha256=eZUI5cscYKb9xC9IqnaY53Jgy1dQjkERwQaw034Bt5g,2758
|
|
75
|
-
triton/backends/amd/include/hip/amd_detail/host_defines.h,sha256=ZyCvaPsp4vcFiEEIt2BhapfYVvWoVI_Q2P9rZHlFmCY,7197
|
|
76
|
-
triton/backends/amd/include/hip/amd_detail/hsa_helpers.hpp,sha256=Os-sJQOFI_0Abh8Ql05s0Rtfruk4NsSMfg7BtugxMgg,3232
|
|
77
|
-
triton/backends/amd/include/hip/amd_detail/macro_based_grid_launch.hpp,sha256=6ocsArNa9_R6D6XCuNy8Zq23KG-j2uYsjqNCtnMrJws,67925
|
|
78
|
-
triton/backends/amd/include/hip/amd_detail/math_fwd.h,sha256=nup5YhceJnngoLJCESI8qX08dNpbZci0i78WKu-wfdI,17000
|
|
79
|
-
triton/backends/amd/include/hip/amd_detail/ockl_image.h,sha256=LzRPGMb515_iIAIIcbb2uQB-bTvT4xOjY51VdARD7lc,10538
|
|
80
|
-
triton/backends/amd/include/hip/amd_detail/program_state.hpp,sha256=8QE9OmB8OKTy7rBr3EYEizJI2s-_1tgXpgU7zCA2Ky0,3154
|
|
81
|
-
triton/backends/amd/include/hip/amd_detail/texture_fetch_functions.h,sha256=Ex1lF2gBWJxtC3yP9pXRSFywMp3gbEmyl0Sw8iL91yM,17787
|
|
82
|
-
triton/backends/amd/include/hip/amd_detail/texture_indirect_functions.h,sha256=KkW5o5gMpoVMTRwzfXHA7-kZ9ynI8OaIw6jJ1EB1s98,18447
|
|
83
|
-
triton/backends/amd/include/hsa/Brig.h,sha256=5H-btCHq40qgjjpwVAoRWf3E0ccf-J6UCPEcKx_hGKw,32705
|
|
84
|
-
triton/backends/amd/include/hsa/amd_hsa_common.h,sha256=q_zN0eq-dwR7FnQ84PcpV3yZyvjHsouIAjJgKltGoX8,3912
|
|
85
|
-
triton/backends/amd/include/hsa/amd_hsa_elf.h,sha256=lBT57uuPT6ra01HQtM1O3RhVKW3n41AjESDSi6KVN7w,17306
|
|
86
|
-
triton/backends/amd/include/hsa/amd_hsa_kernel_code.h,sha256=C55F8a480QsW16-iwN9TIT3cKnGh6GoeoEaEv3aVh4g,12659
|
|
87
|
-
triton/backends/amd/include/hsa/amd_hsa_queue.h,sha256=ZJ-k5wY30heLmQnGB0VUz36XCiVHRmspg5FRNMGIk_U,4766
|
|
88
|
-
triton/backends/amd/include/hsa/amd_hsa_signal.h,sha256=FDegZnWQC04GtnqHjXOBsB-AoVSaqdhNY6Mwbua5FGA,2947
|
|
89
|
-
triton/backends/amd/include/hsa/hsa.h,sha256=KyOkPu9bhpsaDCJFqlnis9oPDAdN6l2ujQSepL86jjs,191193
|
|
90
|
-
triton/backends/amd/include/hsa/hsa_amd_tool.h,sha256=pyZSyIVl-UA5AOhte78jvn4V3hCd0dxJAIv7KeADsPs,2843
|
|
91
|
-
triton/backends/amd/include/hsa/hsa_api_trace.h,sha256=GRBMFBWlv2dYJIT8BAWa1y_q-veLIgEVa1uIm-eM-Yw,29602
|
|
92
|
-
triton/backends/amd/include/hsa/hsa_api_trace_version.h,sha256=yU2aATDJyhnCZF-FmgeF2wnp-EvPLE7n5zSuw8CNAqc,3248
|
|
93
|
-
triton/backends/amd/include/hsa/hsa_ext_amd.h,sha256=6XS5at7KdbW8-dzNVZwJ_1bM5OWiojdbN668pz9srbc,117980
|
|
94
|
-
triton/backends/amd/include/hsa/hsa_ext_finalize.h,sha256=sv0AZbDM-B1wIdQ3cHTMlpUtNacQN2PkOgX90IZol_o,20227
|
|
95
|
-
triton/backends/amd/include/hsa/hsa_ext_image.h,sha256=t5YJm_aw9EePCeFL1hoIfQ8ubIjBte-ptfReq6Ts-8Y,54232
|
|
96
|
-
triton/backends/amd/include/hsa/hsa_ven_amd_aqlprofile.h,sha256=IR_vo3kSqcTs-gnRdpXW3JE1RHQ71FBi4S81G8GtpZ4,19823
|
|
97
|
-
triton/backends/amd/include/hsa/hsa_ven_amd_loader.h,sha256=c6cxPAzAox7u6IbFzEkQZfCuRl-Kr39WhY2_w23X1R4,26146
|
|
98
|
-
triton/backends/amd/include/hsa/hsa_ven_amd_pc_sampling.h,sha256=1jQvi96s94-GjOGktmvpqjVRsTGANugOsV6XmgMfivk,18767
|
|
99
|
-
triton/backends/amd/include/roctracer/hip_ostream_ops.h,sha256=Si6RFHPn0QtMpSBboKFyfkrcOMYhTiom5oUnDEqRnP0,188184
|
|
100
|
-
triton/backends/amd/include/roctracer/hsa_ostream_ops.h,sha256=jSHN5Ltd_EJtecE59xJS4wL_CuLuNkbO3QMqDgMpunk,69906
|
|
101
|
-
triton/backends/amd/include/roctracer/hsa_prof_str.h,sha256=f0pO8T0JBnG_stZ_Bgawx-5_B2BNS7s9ogvEldA0UFo,124187
|
|
102
|
-
triton/backends/amd/include/roctracer/roctracer.h,sha256=B8sHz2DMNprP7EqNWIGwVLY1KQMpxmhfVy4UoR8dzzY,23849
|
|
103
|
-
triton/backends/amd/include/roctracer/roctracer_ext.h,sha256=vLaZ8peAxSy0cwrdEalKnUApkKspfa04iw1Mr_Zcio0,2940
|
|
104
|
-
triton/backends/amd/include/roctracer/roctracer_hcc.h,sha256=NlF3R8JQ9oX9lGpm0b2n-EWJ0r3y9sP9wbwnoucaCuY,1303
|
|
105
|
-
triton/backends/amd/include/roctracer/roctracer_hip.h,sha256=RCzYuNw1vLR7xK4rb06TtM9TU546UYKHJ83IMHmZEm8,1432
|
|
106
|
-
triton/backends/amd/include/roctracer/roctracer_hsa.h,sha256=M8APM64XNAWSslxQisM-pcmKoUQaUdTMaKvSACyt0Ag,4108
|
|
107
|
-
triton/backends/amd/include/roctracer/roctracer_plugin.h,sha256=8GGE1zDbdPCVJtbmwOCYq7X0mwFjfWRtzDYKLD4cKys,4786
|
|
108
|
-
triton/backends/amd/include/roctracer/roctracer_roctx.h,sha256=gBjBk5vb0l3PbBSQ7V9iFtaM_RzkIDJEW1A_PXBihBM,2014
|
|
109
|
-
triton/backends/amd/include/roctracer/roctx.h,sha256=RhJXUXRhSJ5LRE_1gm7E6-bjEMrfcFBLDLuf3UxAIh8,6717
|
|
110
|
-
triton/backends/amd/include/roctracer/ext/prof_protocol.h,sha256=6FAcvVD-dNM7uulFs2B-aTxw5xOAWGy6evdD4yUaebA,3849
|
|
111
|
-
triton/backends/amd/lib/asanrtl.bc,sha256=1xv2RlU3WvbdsghHlmhwiHewGM2B5dKts5bERM6S89o,24508
|
|
112
|
-
triton/backends/amd/lib/ockl.bc,sha256=wQKCzkKukIHbu0lyjKUYlhndc7S27xto6L54J0Bn-C0,246124
|
|
113
|
-
triton/backends/amd/lib/ocml.bc,sha256=UPNTXW0gCXUNB-c6orSYwb-mz9_mjUc7zny_vfFza44,205964
|
|
114
|
-
triton/backends/nvidia/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
115
|
-
triton/backends/nvidia/compiler.py,sha256=4BnLUapsoh8lsQPYlm-_ZCyKvU3DgJY3NgDMo8leV9c,19996
|
|
116
|
-
triton/backends/nvidia/driver.c,sha256=HqtiJDPRxVav9pHl_swBja28RasjHZ7oFOpWKMT627c,18912
|
|
117
|
-
triton/backends/nvidia/driver.py,sha256=kMMVl4SMbJc6obI2Brxoj7RNJt6YBGKYSB56dPeUY6w,21037
|
|
118
|
-
triton/backends/nvidia/bin/ptxas.exe,sha256=iCva9hIYg-Q2NybchwaQJFkwDzNiliFOTDdZrHPLb6A,24732160
|
|
119
|
-
triton/backends/nvidia/include/cuda.h,sha256=Fn44OjeRImxegJ39apYUspseEfTWNGwpqSGUOnHj5WY,1183268
|
|
120
|
-
triton/backends/nvidia/lib/libdevice.10.bc,sha256=XC-uN8huaMOjhgWpX1EtfRLV89uYYxC-R_VzBKpype4,473728
|
|
121
|
-
triton/backends/nvidia/lib/x64/cuda.lib,sha256=I5DZfR8aQ9wodYo3trskSbJpJd9lHvZXsnEZ3NV30LQ,160840
|
|
122
|
-
triton/compiler/__init__.py,sha256=0NEunzjGCNEVOhYZLDI4pDi_zAaYAgTXNm8U5uxbdL0,242
|
|
123
|
-
triton/compiler/code_generator.py,sha256=Nkp9HdXymGenQROPg8W0UyWeJApdUfNk8k9xls7b9EI,62153
|
|
124
|
-
triton/compiler/compiler.py,sha256=LiNMHZOnyulJNBtguFZ_glkUEo7VmOHYRsi8GanWWtg,18470
|
|
125
|
-
triton/compiler/errors.py,sha256=I9Y15pDWcL9heY4SWWdLeMDtW6Iiq2pFXzKfJ6dY_C0,1732
|
|
126
|
-
triton/compiler/make_launcher.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
127
|
-
triton/language/__init__.py,sha256=8gybBY5MBcoXi3K28AVXY-oSaTWxtNIyNbp6fzh-Pn0,5366
|
|
128
|
-
triton/language/_utils.py,sha256=bkp98MH2y3mfSI7h1u_T33VPwYqsbnIJkjuwIsNsfE4,646
|
|
129
|
-
triton/language/core.py,sha256=-YP51tb5h69SApfI_jGFYBro99YLrKuICskya9_uH2c,107314
|
|
130
|
-
triton/language/math.py,sha256=thYBX3JOVTNI9bAZ9zJN7BMPe7r5hNQzAPppx8L92i8,7442
|
|
131
|
-
triton/language/random.py,sha256=VP5yLL43mlVpWrlHjnPTRDd89enW4FWv980Dv2__Gyo,6906
|
|
132
|
-
triton/language/semantic.py,sha256=EChVVc1RXiHKVHFPyOucFzzKawkrXpUaF65e7ijtJwc,87858
|
|
133
|
-
triton/language/standard.py,sha256=8tTnMYLmjt3GI3V3shWLfYSYzLPFBkK5x0xV0_S-OUM,14442
|
|
134
|
-
triton/language/extra/__init__.py,sha256=XRXFvr7416pRsh_Rh-X6qV66SiEyVDVbxp4GSAE1mfc,655
|
|
135
|
-
triton/language/extra/libdevice.py,sha256=Dki14elRNmQsz-Ytw9CnOaLCCnte4T6cI8bOzWjN63A,6318
|
|
136
|
-
triton/language/extra/cuda/__init__.py,sha256=JqiuryHnWRkfFztXgxbiQ62XA4dEKhsjhIHGobLuzcQ,414
|
|
137
|
-
triton/language/extra/cuda/_experimental_tma.py,sha256=vTZHUoUrdqC3Wp2T7Lwjl4G3MKp1AhRFoC15WqjTj2o,3420
|
|
138
|
-
triton/language/extra/cuda/libdevice.py,sha256=crwXcdixYPuvzVOQ0e5styRAwQrUg0RRRlqek7QvXRw,56165
|
|
139
|
-
triton/language/extra/cuda/utils.py,sha256=e1BslV7lZGhi2uVIlo5lI9dcN61HUMIU2asPaRjsyIo,4379
|
|
140
|
-
triton/language/extra/hip/__init__.py,sha256=ieSER4LeX9_0horChGUUVwpuKAprkuka8uGAkEBDyDM,49
|
|
141
|
-
triton/language/extra/hip/libdevice.py,sha256=EVraUfeXzQmN3F5Lleg2mohVcbFWOWlLaAH1nkbqtV4,16841
|
|
142
|
-
triton/runtime/__init__.py,sha256=mKL5cqIBDUw2WO80NRCh4s1G8KYaqgM59TTAbTkPPjQ,621
|
|
143
|
-
triton/runtime/_allocation.py,sha256=zaW4B7I7c-2rkVuN7IZaUB6IQSI1t4FvnTPZH-r7DTk,798
|
|
144
|
-
triton/runtime/autotuner.py,sha256=0ku0wjPo8xOvom6P4uEVZHsgPkxAFOqP1LjUVue0HLM,17854
|
|
145
|
-
triton/runtime/build.py,sha256=6akPf7jgSRDWqcDGvJXxxiO0MzH6503YrM7xmr24l-Y,3825
|
|
146
|
-
triton/runtime/cache.py,sha256=uoU1UH3HPxkxT0r-69HIZgLBls3T-TDxJedRULX9lbM,10583
|
|
147
|
-
triton/runtime/driver.py,sha256=VZ-883Xri71R72lHB6usIpLo3gGLbZJkAlLP3ewWSpc,1509
|
|
148
|
-
triton/runtime/errors.py,sha256=CwfJXciwel_-K3BfQfKUpLPDWrSyTnGsfJkqJojrdfQ,1052
|
|
149
|
-
triton/runtime/interpreter.py,sha256=RVzNGSXyLlg14LgjJ5BZ3qbqfK49FccG-pXaIXXXE2g,59331
|
|
150
|
-
triton/runtime/jit.py,sha256=jnMaMATWM3LU-s2QJPGeWVH5EGG78dT5aEUkGEhbpKc,34892
|
|
151
|
-
triton/runtime/tcc/libtcc.dll,sha256=4IVp00uvXFRsmhnF5tC1mT8Zb0Hl6uuxDlTHG1kQkrw,156160
|
|
152
|
-
triton/runtime/tcc/tcc.exe,sha256=6cs-ieIKnv6tg8yeaxADFCdWNML3BQVtpx9CTqmwzfA,23552
|
|
153
|
-
triton/runtime/tcc/include/_mingw.h,sha256=q0vn005_oOci8JSODJCtTZW4oexknC8Ybfo4e1e-eDM,3865
|
|
154
|
-
triton/runtime/tcc/include/assert.h,sha256=Orft7F5VhAw1viUrrVIjaVXDtPkUOBDNsfCcNFEOuMQ,1439
|
|
155
|
-
triton/runtime/tcc/include/conio.h,sha256=3nFh-Fg12Ys4_moZ74lz3K9Y7CN7HJHPBaxTWy_zhF8,11130
|
|
156
|
-
triton/runtime/tcc/include/ctype.h,sha256=TPqqQ7P3QUmEEm6LHN9l-drA72jZozlr4LiCg3anSms,9755
|
|
157
|
-
triton/runtime/tcc/include/dir.h,sha256=hAZLF-UB1pHEPUfkWxEsKITbRnQXkQtfoUgrcjQrrfs,952
|
|
158
|
-
triton/runtime/tcc/include/direct.h,sha256=F5wyBDEtfPgDIQJ3Nim8s-X_95LR2AiTHLZhmkMdJDU,1979
|
|
159
|
-
triton/runtime/tcc/include/dirent.h,sha256=iMH3Z_3NbVG5ke4yNHktpIyFdvX4gW8XpCNE-ci7scE,3339
|
|
160
|
-
triton/runtime/tcc/include/dos.h,sha256=Ov6kroXGiYf-WfQFkqxeo-8QSbT7cmErsYU1jWKOLew,1090
|
|
161
|
-
triton/runtime/tcc/include/errno.h,sha256=fISU_lfZRHc4YcTBzB8rRrMREUSiS_UFs9R7MvCsHoo,1410
|
|
162
|
-
triton/runtime/tcc/include/excpt.h,sha256=AJjlFgLJT4qXAvS3dtNjD1buwn7We5_DbZIEkztYrE0,3796
|
|
163
|
-
triton/runtime/tcc/include/fcntl.h,sha256=-9lPlFpXFlrIl726zSqGGxNR54UPp2dScDwKYi4GRvo,1269
|
|
164
|
-
triton/runtime/tcc/include/fenv.h,sha256=Z6gnrPTgllOvtdGPLsql_N-3Rx2KW4GXwvM9BuhGL4Q,3146
|
|
165
|
-
triton/runtime/tcc/include/float.h,sha256=ybqqR447qFiXt4H3BlueFE-qzI6ByvpaZCtdSceENOs,1374
|
|
166
|
-
triton/runtime/tcc/include/inttypes.h,sha256=QZTAQIzbozC3z6HSCR1yoM-_IHf_H-sZ9Dbz86oq3xg,6072
|
|
167
|
-
triton/runtime/tcc/include/io.h,sha256=Xal8hQ6OKrYIxClHozQR9Vb211uCZOHlzynKe6e5YlY,13067
|
|
168
|
-
triton/runtime/tcc/include/limits.h,sha256=OcB2Hw5D17k2ubgchWc92CiW6_pm6fG5oZtF805M1So,2686
|
|
169
|
-
triton/runtime/tcc/include/locale.h,sha256=iCYm-iXbwbWQPm_ZjMhRbx5UxOBpRQJmU_BbOBJd_yw,2135
|
|
170
|
-
triton/runtime/tcc/include/malloc.h,sha256=cwf_MwuNeVTVSOGeRYh-1k3jbaW-4f2izAIfDBwYkr0,5214
|
|
171
|
-
triton/runtime/tcc/include/math.h,sha256=6kH9ac-CcbSFMZnKg04GyURd4fsDFLcqYc59TqdZsMc,23036
|
|
172
|
-
triton/runtime/tcc/include/mem.h,sha256=Q5VpRq7-5Q4B_dTVSmxZdBirywIlH512le1wOf16X_Y,345
|
|
173
|
-
triton/runtime/tcc/include/memory.h,sha256=tDQeGIkTqBn6O_EBB4qVygd3gCGTc_Qkw5rYbJTgS28,1233
|
|
174
|
-
triton/runtime/tcc/include/process.h,sha256=aUfJVPKvZ25mzDjWSxoWVChzQADi4nL4g8LXSoW4ICA,9091
|
|
175
|
-
triton/runtime/tcc/include/setjmp.h,sha256=thZOt_rkoSFjJRSS9_TlbMUNFG7HovVkDYbspNCVBG8,3867
|
|
176
|
-
triton/runtime/tcc/include/share.h,sha256=bekiwb1-7cMzCDBHhcISlFBk12Pu37NzwJy7tcuTPd4,639
|
|
177
|
-
triton/runtime/tcc/include/signal.h,sha256=BFoDGzdnM-16aFvAFwn1KBQDcp_3xgG5E7Ksov4Uk7s,1583
|
|
178
|
-
triton/runtime/tcc/include/stdarg.h,sha256=EWUEp8P-q7xFUenbC-yVcXBkfvIGfrRqQwS8v93OWjA,2494
|
|
179
|
-
triton/runtime/tcc/include/stdbool.h,sha256=UlKCQiXdxIawRgZ392XkFXr10-16zWWzEKQEXq-1avc,176
|
|
180
|
-
triton/runtime/tcc/include/stddef.h,sha256=yR_6rvUjHG1-dE4HAPH0KcnPrYikES_dWrq7cB87Wks,1402
|
|
181
|
-
triton/runtime/tcc/include/stdint.h,sha256=M8bI2n1WS1cCr4xv9FwAoWhCuj_-P5X39iMnUvY8Wv0,6333
|
|
182
|
-
triton/runtime/tcc/include/stdio.h,sha256=dJBZg0FDvNW9zqE_yGPItlh6idbfyEzVAXqY3xkN770,14903
|
|
183
|
-
triton/runtime/tcc/include/stdlib.h,sha256=W7oJWi0iprwGcPc7_rumPP7GX4t8JI6E42s9ft4KTzw,20426
|
|
184
|
-
triton/runtime/tcc/include/string.h,sha256=1cAsImU3hHku7_BMxFNGe6IsIU2azodhJ-q1_My8p2I,8590
|
|
185
|
-
triton/runtime/tcc/include/tcclib.h,sha256=FR8_fIZXa9SS0lT4QOI02XmTxG1NmoJhTX0JU8AFdeE,2611
|
|
186
|
-
triton/runtime/tcc/include/tchar.h,sha256=f-X94Cj_j2nSvakQZk4sFp57ksbn8s95FetyBUqXRv8,31364
|
|
187
|
-
triton/runtime/tcc/include/time.h,sha256=RTeTotbG_HctHN1g5wH7PTk9dSk3wdayymTV8c7J_TY,8405
|
|
188
|
-
triton/runtime/tcc/include/vadefs.h,sha256=LmqzWVWTGaEagPj1KqBHLNCxQRN_Oh6qGMQNiCfcUdQ,304
|
|
189
|
-
triton/runtime/tcc/include/values.h,sha256=-jdYhHsz9Zq-mbAjvgDYoCfDkezQWAof51VJfBHgxyM,126
|
|
190
|
-
triton/runtime/tcc/include/varargs.h,sha256=B4WIV_Tu0KYd-UvrGp1ni1P8PWegsOiTYVX4XdvNHcw,355
|
|
191
|
-
triton/runtime/tcc/include/wchar.h,sha256=yb8S4CoqsHg-0cZt_kPeQ8QCszkGytqbEVdQKoLHw-Q,34132
|
|
192
|
-
triton/runtime/tcc/include/wctype.h,sha256=4S2cW8vk37lupsdUEOooeRezwkv_nNLnFtNeAMHUkGw,4782
|
|
193
|
-
triton/runtime/tcc/include/sec_api/conio_s.h,sha256=9zdegWc5SR-6s5UxwdYKd7eP-aFiq6F_gXx3O_dfZQg,1535
|
|
194
|
-
triton/runtime/tcc/include/sec_api/crtdbg_s.h,sha256=A2MO6D58khRGoHkIU_yt61owhVPdPE7N3VaM2jFnwPE,461
|
|
195
|
-
triton/runtime/tcc/include/sec_api/io_s.h,sha256=bgL0rlDTBimvffNHhbbDJkKxLZSt3VZgb2_Eq2aCUP8,881
|
|
196
|
-
triton/runtime/tcc/include/sec_api/mbstring_s.h,sha256=2WKrgHCViVP0iyTJ6gaLNFsVgjeCb7cbmnbTbPLooys,3615
|
|
197
|
-
triton/runtime/tcc/include/sec_api/search_s.h,sha256=lhdOCfHFc8f66oWm1WgiWhuUbhM8bASnvWqoZcWIlqI,796
|
|
198
|
-
triton/runtime/tcc/include/sec_api/stdio_s.h,sha256=UQe-10DGJ0_8dnrULe1s5aj1HLDHMjnQTVpkfWLt8vE,11508
|
|
199
|
-
triton/runtime/tcc/include/sec_api/stdlib_s.h,sha256=hlDjS-JBx9g3QzEmh462ow7nHAt1nCNnH9jwcVx83mU,4113
|
|
200
|
-
triton/runtime/tcc/include/sec_api/stralign_s.h,sha256=sj8M951UVeIy2SeS4rK-OBJaAoCLwAUEk2e6to2hMAs,824
|
|
201
|
-
triton/runtime/tcc/include/sec_api/string_s.h,sha256=7vMvtQW5ijYQkj6N2z3nJMVbRDidJc73z1DuPNFPXWg,1787
|
|
202
|
-
triton/runtime/tcc/include/sec_api/tchar_s.h,sha256=pTGMzrJBlidpFpwyo85b-5oHWlLtusMarTOw17iXtUQ,8328
|
|
203
|
-
triton/runtime/tcc/include/sec_api/time_s.h,sha256=munLejFkrQCT44h7DKCbtnSY2lG7ROm-UAtg5yo4XcA,2331
|
|
204
|
-
triton/runtime/tcc/include/sec_api/wchar_s.h,sha256=WkcKw1iy2VEgIYL57B-UUzHCOo15YprU7bCLfXPPruQ,7492
|
|
205
|
-
triton/runtime/tcc/include/sec_api/sys/timeb_s.h,sha256=0VNBfsZOt7FQR0m8pkd-_VG0si3mcFGPT9wnAQgBRcA,653
|
|
206
|
-
triton/runtime/tcc/include/sys/fcntl.h,sha256=K09mD_2JlK-gOHQHBR48p-zI_kS-sq3S1DHNUs6K2cQ,359
|
|
207
|
-
triton/runtime/tcc/include/sys/file.h,sha256=tud5xTFAwRe8Nr0zXGS_yxOuTCxIa5R4OzIUmm6y0yA,367
|
|
208
|
-
triton/runtime/tcc/include/sys/locking.h,sha256=KXhhRemvNKH5bnNohVsZ6IefyA01oXLZupfTx_wvYxE,648
|
|
209
|
-
triton/runtime/tcc/include/sys/stat.h,sha256=TcEmq0sxd9qF5A7Van1FFhBeQ2pGJCcpkoFrI-A5FbU,6881
|
|
210
|
-
triton/runtime/tcc/include/sys/time.h,sha256=UYdB8oZUVDTfZ2Vy5Tv4VTsElqcTiULcayD_JStCk-Q,1717
|
|
211
|
-
triton/runtime/tcc/include/sys/timeb.h,sha256=70P59RZgq4KCcH9xacw9l3h45iN0PSPsVlZj_itOl4I,2445
|
|
212
|
-
triton/runtime/tcc/include/sys/types.h,sha256=8cP55cgRpjvrrlIpBCwJy14Ff0EX_TG0Wqy7TDpibfg,2128
|
|
213
|
-
triton/runtime/tcc/include/sys/unistd.h,sha256=H1lahcru73OFoL2pSvUYlrIU7iYFZISvUDU-k5PeGSk,351
|
|
214
|
-
triton/runtime/tcc/include/sys/utime.h,sha256=UkMS4-ijJffVr8Id24_LzrhdRRF14H7xvq23-C-jaLM,3429
|
|
215
|
-
triton/runtime/tcc/include/tcc/tcc_libm.h,sha256=dY4Fhe37zkS_J-C7RNmyKvU7hsnCZeQwPfmycBlO1P8,5780
|
|
216
|
-
triton/runtime/tcc/include/winapi/basetsd.h,sha256=XJy6oWq_V0AO0xtJqrfuAVeI2-fTtY89U8hts4B91vA,5614
|
|
217
|
-
triton/runtime/tcc/include/winapi/basetyps.h,sha256=NIQu4zicsTpyorh-yTCq2__OiQbrMUgBgM_1Qcf0QTQ,2413
|
|
218
|
-
triton/runtime/tcc/include/winapi/guiddef.h,sha256=fbGx_kZRP1eKPHd8POMA2EA9Mfv7bQDqz_kyhtLtEpM,4165
|
|
219
|
-
triton/runtime/tcc/include/winapi/poppack.h,sha256=gclR4fuHqo9uiHGgcyd_HNHMubZvbvqSr_NbzQCmByY,282
|
|
220
|
-
triton/runtime/tcc/include/winapi/pshpack1.h,sha256=jrZ90jPVo4fW3BgUy262xt6aEjQ4-u_Ke0QmkcryMEk,285
|
|
221
|
-
triton/runtime/tcc/include/winapi/pshpack2.h,sha256=1FnL1UaSn9RJgNMsFoCo8XbXF86d8WL1xcRD39zMnkI,285
|
|
222
|
-
triton/runtime/tcc/include/winapi/pshpack4.h,sha256=zTuhJYpd2ccUh50-SZsCHIXumCfAa6wvwsHmd7WQlTE,285
|
|
223
|
-
triton/runtime/tcc/include/winapi/pshpack8.h,sha256=Mv57X_I4fJFq0TTvW1sKxnRH2g4NzPQFwxViqscY1tg,285
|
|
224
|
-
triton/runtime/tcc/include/winapi/winbase.h,sha256=R-_7pNS7ffvjc_EVYoWhcAQv4aNVK8u-5GDl22jh_y0,159607
|
|
225
|
-
triton/runtime/tcc/include/winapi/wincon.h,sha256=yWW4g54QDpqsrTM7NzIY-WKhWEBYMjH5aAdkQeeBU4s,14473
|
|
226
|
-
triton/runtime/tcc/include/winapi/windef.h,sha256=E36aQ6E25K4Zs6TIRAI8ahYRsjaFAANk9r4xQ9saTHU,5674
|
|
227
|
-
triton/runtime/tcc/include/winapi/windows.h,sha256=Ow2A5LJ-CZyK9UPW2cyilcaOEVoPunzXnMDnbRw6XBE,2173
|
|
228
|
-
triton/runtime/tcc/include/winapi/winerror.h,sha256=WQE0AAsbXE-3r7zFSkRaQiKNdBZKnoskQ00amT92hS4,150512
|
|
229
|
-
triton/runtime/tcc/include/winapi/wingdi.h,sha256=31k3rBgFsnq7oDJ30sNMrujLQ4ftuJStzXPmFyqfvZQ,121301
|
|
230
|
-
triton/runtime/tcc/include/winapi/winnt.h,sha256=t4lEvboYsxS8SiDVgd0IWP2Ld1pJLtvqLRp8KvxBjhs,192723
|
|
231
|
-
triton/runtime/tcc/include/winapi/winreg.h,sha256=bbuWncIekNkETavNGQJowbsz5EWGLOKkpTbppxNPpOs,13963
|
|
232
|
-
triton/runtime/tcc/include/winapi/winuser.h,sha256=Q1a_zfUgnE7FjeSG4hc85LF-DOdaQisib93dGFl8mQU,179678
|
|
233
|
-
triton/runtime/tcc/include/winapi/winver.h,sha256=fYRmeOwqjHD4YwjPa-WF12CSTGIN_PtLBI9g2IV3tp0,5381
|
|
234
|
-
triton/runtime/tcc/lib/cuda.def,sha256=c8XdUSeajwFv0jSgW1lDoiCcEauHygWrl8Ws4wRrB_g,15535
|
|
235
|
-
triton/runtime/tcc/lib/gdi32.def,sha256=NfGNAGtoQaOuBuheG0mv4AqlinvYm9aPNbSycCUP50A,5052
|
|
236
|
-
triton/runtime/tcc/lib/kernel32.def,sha256=ank2QlCtswD44SShHIX-0vqd5XQI6r0eu7HO3PszuM4,12882
|
|
237
|
-
triton/runtime/tcc/lib/libtcc1-64.a,sha256=huWSqjVuP1FZcAo-Fqp5kiBNVFlhsn6oy2JvyzSxWUs,41706
|
|
238
|
-
triton/runtime/tcc/lib/msvcrt.def,sha256=oB3JKUV0IE47w6R7bKFEnIlfef-SFeWC4jg6g-YUg7g,15880
|
|
239
|
-
triton/runtime/tcc/lib/python3.def,sha256=o8MijZkdWOnHNPU4fmJrT1qw3fWSlaegC969H_X5_VE,16173
|
|
240
|
-
triton/runtime/tcc/lib/user32.def,sha256=EcYohyyDgmz9fLBoOR-vszLeJ2YkBUoNGvSnuXrkum0,10439
|
|
241
|
-
triton/tools/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
242
|
-
triton/tools/build_extern.py,sha256=jCr-2hu3nLGBIJhCGUQ1jAyzLttughjkiPGEwRFjLR0,13673
|
|
243
|
-
triton/tools/compile.py,sha256=CP_-yqEd55ejkc2_OYVE7q0Eyh9xErk8KJy2BcdCV0Y,7129
|
|
244
|
-
triton/tools/disasm.py,sha256=BBO4bALdLcWgWDLhQdYHLlTx3oo8g_d8maeE_Uu-FmU,5088
|
|
245
|
-
triton/tools/experimental_descriptor.py,sha256=0Wqy96Cc6YLh9o0eTknW-Lfvha6lfRSfe8bswkcPHMs,1260
|
|
246
|
-
triton/tools/link.py,sha256=u7qtfZRLriZkAMEGNvj8YF-k1cthmLL7BwHYqBgT63E,11871
|
|
247
|
-
triton/tools/mxfp.py,sha256=YQdpBrGkOVNOtnLeRjMCeVFHWkSwUubGeWsItIjO8TU,11737
|
|
248
|
-
triton/tools/extra/cuda/compile.c,sha256=TdIENsqk6wrvv1C4Mk-sq9keXe3SJuMQcf0UpxmjNZk,2153
|
|
249
|
-
triton/tools/extra/cuda/compile.h,sha256=n9QKIFZTL4RSsiXtAxBP9XGSnxjyaevQQ9bBpwDsvAg,332
|
|
250
|
-
triton_windows-3.3.0.post19.dist-info/METADATA,sha256=n16mof1EMhLJdnP2tX85LoRgmCIpznA9Bx1IJBS-O2w,1627
|
|
251
|
-
triton_windows-3.3.0.post19.dist-info/WHEEL,sha256=OqrB1r810TPc8DbdTTQb61xda2I62189OY3CRSYITTM,99
|
|
252
|
-
triton_windows-3.3.0.post19.dist-info/top_level.txt,sha256=KhMzHYsArnZ3IkjAQ-xLnx1n_FjvEpJNelg2xPiDl-U,254
|
|
253
|
-
triton_windows-3.3.0.post19.dist-info/RECORD,,
|
|
@@ -1,14 +0,0 @@
|
|
|
1
|
-
triton
|
|
2
|
-
triton/_C
|
|
3
|
-
triton/backends
|
|
4
|
-
triton/backends/amd
|
|
5
|
-
triton/backends/nvidia
|
|
6
|
-
triton/compiler
|
|
7
|
-
triton/language
|
|
8
|
-
triton/language/extra
|
|
9
|
-
triton/language/extra\cuda
|
|
10
|
-
triton/language/extra\hip
|
|
11
|
-
triton/runtime
|
|
12
|
-
triton/tools
|
|
13
|
-
triton/tools/extra
|
|
14
|
-
triton/tools/extra\cuda
|