AITemplate
Getting Started
Installing AITemplate
User Guide
Tutorials
Debug Hints
Runtime Design
Runtime Note
Architecture Guide
Design and Architecture
Reference Guide
Python API
Environment Variables
Index
AITemplate
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
A
absolute() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
abstractmethod() (in module aitemplate.compiler.base)
add() (aitemplate.compiler.base.StableSet method)
(aitemplate.compiler.transform.fuse_split.StableSet method)
(aitemplate.compiler.transform.transform_strided_op_and_view_op.StableSet method)
add_instance() (aitemplate.compiler.transform.profile.GemmProfilerPostprocessingDelegate method)
add_module() (aitemplate.frontend.nn.Module method)
AITData (class in aitemplate.compiler.model)
AITDebugSettings (class in aitemplate.backend.builder)
(class in aitemplate.backend.codegen)
(class in aitemplate.compiler.compiler)
aitemplate.backend.builder
module
aitemplate.backend.codegen
module
aitemplate.backend.cuda.target_def
module
aitemplate.backend.profiler_cache
module
aitemplate.backend.profiler_runner
module
aitemplate.backend.registry
module
aitemplate.backend.rocm.target_def
module
aitemplate.backend.target
module
aitemplate.backend.task_runner
module
aitemplate.compiler.base
module
aitemplate.compiler.compiler
module
aitemplate.compiler.model
module
aitemplate.compiler.ops
module
aitemplate.compiler.tensor_accessor
module
aitemplate.compiler.transform.apply_padding
module
aitemplate.compiler.transform.bind_constants
module
aitemplate.compiler.transform.constant_folding
module
aitemplate.compiler.transform.fuse_conv_elementwise
module
aitemplate.compiler.transform.fuse_group_ops
module
aitemplate.compiler.transform.fuse_mm_elementwise
module
aitemplate.compiler.transform.fuse_ops
module
aitemplate.compiler.transform.fuse_parallel_gemms
module
aitemplate.compiler.transform.fuse_split
module
aitemplate.compiler.transform.mark_param_tensor
module
aitemplate.compiler.transform.memory_planning
module
aitemplate.compiler.transform.name_graph
module
aitemplate.compiler.transform.optimize_graph
module
aitemplate.compiler.transform.profile
module
aitemplate.compiler.transform.refine_graph
module
aitemplate.compiler.transform.remove_no_ops
module
aitemplate.compiler.transform.remove_unused_ops
module
aitemplate.compiler.transform.toposort
module
aitemplate.compiler.transform.transform_memory_ops
module
aitemplate.compiler.transform.transform_odd_alignment
module
aitemplate.compiler.transform.transform_special_ops
module
aitemplate.compiler.transform.transform_strided_op_and_view_op
module
aitemplate.compiler.transform.transform_strided_ops
module
aitemplate.compiler.transform.transform_strided_slice
module
aitemplate.frontend.nn
module
aitemplate.testing.benchmark_ait
module
aitemplate.testing.benchmark_pt
module
aitemplate.testing.detect_target
module
aitemplate.utils.visualization.plot
module
AITemplateAllocatorKind (class in aitemplate.compiler.compiler)
(class in aitemplate.compiler.model)
AITemplateMemcpyKind (class in aitemplate.compiler.model)
append() (aitemplate.frontend.nn.ModuleList method)
(aitemplate.frontend.nn.Sequential method)
apply_padding() (in module aitemplate.compiler.transform.apply_padding)
argmax (class in aitemplate.compiler.ops)
assigned_dev() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
astimezone() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
avg_pool2d (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
AvgPool2d (class in aitemplate.frontend.nn)
B
BaseRunner (class in aitemplate.backend.task_runner)
batch_dim() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
batch_gather (class in aitemplate.compiler.ops)
batch_layernorm_sigmoid_mul (class in aitemplate.compiler.ops)
batched_dense_vec_jagged_2d_mul (class in aitemplate.compiler.ops)
batched_nms (class in aitemplate.compiler.ops)
benchmark_torch_function() (in module aitemplate.testing.benchmark_pt)
bert_embeddings (class in aitemplate.compiler.ops)
BertEmbeddings (class in aitemplate.frontend.nn)
bias (aitemplate.frontend.nn.Conv2dBias attribute)
(aitemplate.frontend.nn.Conv2dBiasAddHardswish attribute)
(aitemplate.frontend.nn.Conv2dBiasAddRelu attribute)
(aitemplate.frontend.nn.ConvTranspose2dBias attribute)
(aitemplate.frontend.nn.Linear attribute)
binary_compile_cmd() (aitemplate.backend.cuda.target_def.FBCUDA method)
(aitemplate.backend.rocm.target_def.FBROCM method)
bind_constants() (in module aitemplate.compiler.transform.bind_constants)
bmm_ccc (class in aitemplate.compiler.ops)
bmm_ccc_add (class in aitemplate.compiler.ops)
bmm_ccr (class in aitemplate.compiler.ops)
bmm_ccr_add (class in aitemplate.compiler.ops)
bmm_crc (class in aitemplate.compiler.ops)
bmm_crc_add (class in aitemplate.compiler.ops)
bmm_crr (class in aitemplate.compiler.ops)
bmm_crr_add (class in aitemplate.compiler.ops)
bmm_rcc (class in aitemplate.compiler.ops)
bmm_rcc_add (class in aitemplate.compiler.ops)
bmm_rcr (class in aitemplate.compiler.ops)
bmm_rcr_add (class in aitemplate.compiler.ops)
bmm_rcr_n1 (class in aitemplate.compiler.ops)
bmm_rcr_permute (class in aitemplate.compiler.ops)
bmm_rcr_softmax (class in aitemplate.compiler.ops)
bmm_rrc (class in aitemplate.compiler.ops)
bmm_rrc_add (class in aitemplate.compiler.ops)
bmm_rrr (class in aitemplate.compiler.ops)
bmm_rrr_add (class in aitemplate.compiler.ops)
bmm_rrr_k1_tanh (class in aitemplate.compiler.ops)
bmm_rrr_permute (class in aitemplate.compiler.ops)
bmm_softmax_bmm (class in aitemplate.compiler.ops)
bmm_softmax_bmm_permute (class in aitemplate.compiler.ops)
box_transform() (aitemplate.frontend.nn.Proposal method)
buffers() (aitemplate.frontend.nn.Module method)
build_objs() (aitemplate.backend.builder.Builder method)
build_so() (aitemplate.backend.builder.Builder method)
Builder (class in aitemplate.backend.builder)
C
CacheMode (class in aitemplate.backend.profiler_cache)
cast (class in aitemplate.compiler.ops)
cc() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.cuda.target_def.FBCUDA method)
(aitemplate.backend.rocm.target_def.FBROCM method)
(aitemplate.backend.rocm.target_def.ROCM method)
check_not_null() (in module aitemplate.backend.codegen)
check_rank() (aitemplate.compiler.ops.concatenate static method)
children() (aitemplate.frontend.nn.Module method)
chmod() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
chunk (class in aitemplate.compiler.ops)
clamp (class in aitemplate.compiler.ops)
classic_b2b_bmm (class in aitemplate.compiler.ops)
clear() (aitemplate.compiler.base.StableSet method)
(aitemplate.compiler.transform.fuse_split.StableSet method)
(aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.compiler.transform.transform_strided_op_and_view_op.StableSet method)
(aitemplate.frontend.nn.ModuleDict method)
combine() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
compile_cmd() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.rocm.target_def.ROCM method)
compile_options() (aitemplate.backend.cuda.target_def.FBCUDA method)
(aitemplate.backend.rocm.target_def.FBROCM method)
concatenate (class in aitemplate.compiler.ops)
concatenate_tanh (class in aitemplate.compiler.ops)
constant_folding() (in module aitemplate.compiler.transform.constant_folding)
Conv1d (class in aitemplate.frontend.nn)
conv2d (class in aitemplate.compiler.ops)
Conv2d (class in aitemplate.frontend.nn)
conv2d_bias (class in aitemplate.compiler.ops)
conv2d_bias_add (class in aitemplate.compiler.ops)
conv2d_bias_add_hardswish (class in aitemplate.compiler.ops)
conv2d_bias_add_relu (class in aitemplate.compiler.ops)
conv2d_bias_few_channels (class in aitemplate.compiler.ops)
conv2d_bias_hardswish (class in aitemplate.compiler.ops)
conv2d_bias_hardswish_few_channels (class in aitemplate.compiler.ops)
conv2d_bias_relu (class in aitemplate.compiler.ops)
conv2d_bias_relu_few_channels (class in aitemplate.compiler.ops)
conv2d_bias_sigmoid (class in aitemplate.compiler.ops)
conv2d_depthwise (class in aitemplate.compiler.ops)
conv2d_depthwise_bias (class in aitemplate.compiler.ops)
Conv2dBias (class in aitemplate.frontend.nn)
Conv2dBiasAddHardswish (class in aitemplate.frontend.nn)
Conv2dBiasAddRelu (class in aitemplate.frontend.nn)
Conv2dBiasFewChannels (class in aitemplate.frontend.nn)
Conv2dBiasHardswish (class in aitemplate.frontend.nn)
Conv2dBiasHardswishFewChannels (class in aitemplate.frontend.nn)
Conv2dBiasRelu (class in aitemplate.frontend.nn)
Conv2dBiasReluFewChannels (class in aitemplate.frontend.nn)
Conv2dBiasSigmoid (class in aitemplate.frontend.nn)
Conv2dDepthwise (class in aitemplate.frontend.nn)
Conv2dDepthwiseBias (class in aitemplate.frontend.nn)
conv3d (class in aitemplate.compiler.ops)
Conv3d (class in aitemplate.frontend.nn)
conv3d (class in aitemplate.frontend.nn)
conv3d_bias (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
convert_shape_to_IntVar() (in module aitemplate.compiler.ops)
ConvTranspose2dBias (class in aitemplate.frontend.nn)
ConvTranspose2dBiasRelu (class in aitemplate.frontend.nn)
copy() (aitemplate.backend.codegen.defaultdict method)
(aitemplate.compiler.transform.profile.OrderedDict method)
CrossAttention (class in aitemplate.frontend.nn)
ctime() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
CUDA (class in aitemplate.backend.cuda.target_def)
CUDA() (in module aitemplate.backend.target)
cwd() (aitemplate.backend.builder.Path class method)
(aitemplate.backend.codegen.Path class method)
D
data_ptr (aitemplate.compiler.model.AITData attribute)
dataclass() (in module aitemplate.compiler.transform.fuse_ops)
date() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
datetime (class in aitemplate.compiler.compiler)
(class in aitemplate.compiler.transform.profile)
dedup_make_jagged_ops() (in module aitemplate.compiler.transform.optimize_graph)
dedup_symbolic_name() (in module aitemplate.compiler.transform.name_graph)
deepcopy() (in module aitemplate.compiler.transform.profile)
default_factory (aitemplate.backend.codegen.defaultdict attribute)
defaultdict (class in aitemplate.backend.codegen)
depthwise_conv3d (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
detect_target() (in module aitemplate.backend.profiler_runner)
(in module aitemplate.compiler.transform.transform_strided_ops)
(in module aitemplate.frontend.nn)
(in module aitemplate.testing.detect_target)
dev_select_flag() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.rocm.target_def.ROCM method)
DeviceFarm (class in aitemplate.backend.task_runner)
discard() (aitemplate.compiler.base.StableSet method)
(aitemplate.compiler.transform.fuse_split.StableSet method)
(aitemplate.compiler.transform.transform_strided_op_and_view_op.StableSet method)
Dropout (class in aitemplate.frontend.nn)
DropPath (class in aitemplate.frontend.nn)
dst() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
dst_ops() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
dtype (aitemplate.compiler.model.AITData attribute)
dtype() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
dtype_str_to_enum() (in module aitemplate.compiler.model)
dtype_to_enumerator() (in module aitemplate.backend.codegen)
dual_bmm_rrr_div (class in aitemplate.compiler.ops)
dual_gemm_rcr_fast_gelu (class in aitemplate.compiler.ops)
dual_gemm_rcr_silu (class in aitemplate.compiler.ops)
dump_program() (in module aitemplate.compiler.compiler)
duration (aitemplate.backend.profiler_runner.ProfileResult attribute)
dynamic_slice (class in aitemplate.compiler.ops)
(class in aitemplate.compiler.transform.transform_memory_ops)
DynamicProfileStrategy (class in aitemplate.compiler.base)
E
efficient_nms (class in aitemplate.compiler.ops)
elementwise (class in aitemplate.compiler.ops)
Embedding (class in aitemplate.frontend.nn)
empty() (aitemplate.backend.profiler_runner.Queue method)
EpilogueOp (class in aitemplate.compiler.ops)
eq (class in aitemplate.compiler.ops)
ExecItem (class in aitemplate.compiler.base)
exists() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
expand (class in aitemplate.compiler.ops)
ExpandDimensionType (class in aitemplate.compiler.transform.remove_no_ops)
expanduser() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
extend() (aitemplate.frontend.nn.ModuleList method)
extra_repr() (aitemplate.frontend.nn.Module method)
F
FBCUDA (class in aitemplate.backend.cuda.target_def)
FBROCM (class in aitemplate.backend.rocm.target_def)
flash_attention (class in aitemplate.compiler.ops)
FlashAttention (class in aitemplate.frontend.nn)
flatten (class in aitemplate.compiler.ops)
Flatten (class in aitemplate.frontend.nn)
flatten (class in aitemplate.frontend.nn)
fmha_style_b2b_bmm (class in aitemplate.compiler.ops)
force_profiler_cache() (in module aitemplate.compiler.transform.profile)
forward() (aitemplate.frontend.nn.AvgPool2d method)
(aitemplate.frontend.nn.BertEmbeddings method)
(aitemplate.frontend.nn.Conv1d method)
(aitemplate.frontend.nn.Conv2d method)
(aitemplate.frontend.nn.Conv3d method)
(aitemplate.frontend.nn.CrossAttention method)
(aitemplate.frontend.nn.Dropout method)
(aitemplate.frontend.nn.FlashAttention method)
(aitemplate.frontend.nn.Flatten method)
(aitemplate.frontend.nn.FPNProposal method)
(aitemplate.frontend.nn.FPNRoiAlign method)
(aitemplate.frontend.nn.GroupNorm method)
(aitemplate.frontend.nn.Identity method)
(aitemplate.frontend.nn.LayerNorm method)
(aitemplate.frontend.nn.Linear method)
(aitemplate.frontend.nn.MaxPool2d method)
(aitemplate.frontend.nn.Module method)
(aitemplate.frontend.nn.MultiheadAttention method)
(aitemplate.frontend.nn.MultiScaleBlock method)
(aitemplate.frontend.nn.Ndhwc3to8 method)
(aitemplate.frontend.nn.Nhwc3to8 method)
(aitemplate.frontend.nn.Proposal method)
(aitemplate.frontend.nn.Reshape method)
(aitemplate.frontend.nn.RoiAlign method)
(aitemplate.frontend.nn.ScaledDotProductAttention method)
(aitemplate.frontend.nn.Sequential method)
(aitemplate.frontend.nn.T5DenseGatedGeluDense method)
(aitemplate.frontend.nn.Upsampling2d method)
(aitemplate.frontend.nn.Upsampling2dAdd method)
(aitemplate.frontend.nn.VanillaCrossAttention method)
(aitemplate.frontend.nn.VanillaMultiheadAttention method)
(aitemplate.frontend.nn.View method)
FPNProposal (class in aitemplate.frontend.nn)
FPNRoiAlign (class in aitemplate.frontend.nn)
fromisoformat() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
fromkeys() (aitemplate.compiler.transform.profile.OrderedDict method)
fromtimestamp() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
full (class in aitemplate.compiler.ops)
full() (aitemplate.backend.profiler_runner.Queue method)
FuncEnum (class in aitemplate.compiler.ops)
fuse_bmm_permute() (in module aitemplate.compiler.transform.optimize_graph)
fuse_conv_elementwise() (in module aitemplate.compiler.transform.fuse_conv_elementwise)
fuse_duplicate_fused_elementwise() (in module aitemplate.compiler.transform.optimize_graph)
fuse_elementwise() (in module aitemplate.compiler.transform.fuse_ops)
(in module aitemplate.compiler.transform.optimize_graph)
fuse_expand_bmm() (in module aitemplate.compiler.transform.optimize_graph)
fuse_group_ops() (in module aitemplate.compiler.transform.fuse_group_ops)
fuse_mm_elementwise() (in module aitemplate.compiler.transform.fuse_mm_elementwise)
fuse_mm_reshape_permute() (in module aitemplate.compiler.transform.optimize_graph)
fuse_parallel_gemms() (in module aitemplate.compiler.transform.fuse_parallel_gemms)
fuse_permute_bmm_and_gemm() (in module aitemplate.compiler.transform.optimize_graph)
fuse_single_source_parallel_gemms() (in module aitemplate.compiler.transform.fuse_parallel_gemms)
(in module aitemplate.compiler.transform.optimize_graph)
fused_elementwise (class in aitemplate.compiler.ops)
(class in aitemplate.compiler.transform.fuse_ops)
FusedElementwiseInfo (class in aitemplate.compiler.transform.fuse_ops)
G
gather (class in aitemplate.compiler.ops)
ge (class in aitemplate.compiler.ops)
gemm_rcr (class in aitemplate.compiler.ops)
gemm_rcr_bias (class in aitemplate.compiler.ops)
gemm_rcr_bias_add (class in aitemplate.compiler.ops)
gemm_rcr_bias_add_add (class in aitemplate.compiler.ops)
gemm_rcr_bias_add_add_relu (class in aitemplate.compiler.ops)
gemm_rcr_bias_add_relu (class in aitemplate.compiler.ops)
gemm_rcr_bias_fast_gelu (class in aitemplate.compiler.ops)
gemm_rcr_bias_gelu (class in aitemplate.compiler.ops)
gemm_rcr_bias_hardswish (class in aitemplate.compiler.ops)
gemm_rcr_bias_mul (class in aitemplate.compiler.ops)
gemm_rcr_bias_mul_add (class in aitemplate.compiler.ops)
gemm_rcr_bias_mul_tanh (class in aitemplate.compiler.ops)
gemm_rcr_bias_permute (class in aitemplate.compiler.ops)
gemm_rcr_bias_relu (class in aitemplate.compiler.ops)
gemm_rcr_bias_sigmoid (class in aitemplate.compiler.ops)
gemm_rcr_bias_sigmoid_mul (class in aitemplate.compiler.ops)
gemm_rcr_bias_sigmoid_mul_tanh (class in aitemplate.compiler.ops)
gemm_rcr_bias_softmax (class in aitemplate.compiler.ops)
gemm_rcr_bias_swish (class in aitemplate.compiler.ops)
gemm_rcr_bias_tanh (class in aitemplate.compiler.ops)
gemm_rcr_fast_gelu (class in aitemplate.compiler.ops)
gemm_rcr_permute (class in aitemplate.compiler.ops)
gemm_rcr_permute_elup1 (class in aitemplate.compiler.ops)
gemm_rcr_softmax (class in aitemplate.compiler.ops)
gemm_rrr (class in aitemplate.compiler.ops)
gemm_rrr_bias (class in aitemplate.compiler.ops)
gemm_rrr_bias_permute (class in aitemplate.compiler.ops)
gemm_rrr_permute (class in aitemplate.compiler.ops)
gemm_rrr_small_nk (class in aitemplate.compiler.ops)
GemmProfilerPostprocessingDelegate (class in aitemplate.compiler.transform.profile)
gen_function() (aitemplate.backend.codegen.Operator method)
(aitemplate.compiler.base.Operator method)
(aitemplate.compiler.ops.argmax method)
(aitemplate.compiler.ops.batch_gather method)
(aitemplate.compiler.ops.batched_dense_vec_jagged_2d_mul method)
(aitemplate.compiler.ops.batched_nms method)
(aitemplate.compiler.ops.bert_embeddings method)
(aitemplate.compiler.ops.cast method)
(aitemplate.compiler.ops.classic_b2b_bmm method)
(aitemplate.compiler.ops.concatenate method)
(aitemplate.compiler.ops.conv2d method)
(aitemplate.compiler.ops.conv3d method)
(aitemplate.compiler.ops.depthwise_conv3d method)
(aitemplate.compiler.ops.dynamic_slice method)
(aitemplate.compiler.ops.efficient_nms method)
(aitemplate.compiler.ops.expand method)
(aitemplate.compiler.ops.flash_attention method)
(aitemplate.compiler.ops.flatten method)
(aitemplate.compiler.ops.fmha_style_b2b_bmm method)
(aitemplate.compiler.ops.full method)
(aitemplate.compiler.ops.fused_elementwise method)
(aitemplate.compiler.ops.gather method)
(aitemplate.compiler.ops.group_gemm_rcr method)
(aitemplate.compiler.ops.group_norm method)
(aitemplate.compiler.ops.grouped_classic_b2b_bmm method)
(aitemplate.compiler.ops.identity method)
(aitemplate.compiler.ops.index_select method)
(aitemplate.compiler.ops.int_elementwise method)
(aitemplate.compiler.ops.jagged_lengths_to_offsets method)
(aitemplate.compiler.ops.jagged_lengths_to_presences method)
(aitemplate.compiler.ops.jagged_to_padded_dense method)
(aitemplate.compiler.ops.layernorm method)
(aitemplate.compiler.ops.layernorm_sigmoid_mul method)
(aitemplate.compiler.ops.make_jagged method)
(aitemplate.compiler.ops.masked_select method)
(aitemplate.compiler.ops.mem_eff_attention method)
(aitemplate.compiler.ops.ndhwc3to8 method)
(aitemplate.compiler.ops.nms method)
(aitemplate.compiler.ops.pad_last_dim method)
(aitemplate.compiler.ops.padded_dense_to_jagged method)
(aitemplate.compiler.ops.permute method)
(aitemplate.compiler.ops.permute021 method)
(aitemplate.compiler.ops.permute0213 method)
(aitemplate.compiler.ops.permute102 method)
(aitemplate.compiler.ops.permute210 method)
(aitemplate.compiler.ops.reshape method)
(aitemplate.compiler.ops.size method)
(aitemplate.compiler.ops.slice_reshape_scatter method)
(aitemplate.compiler.ops.slice_scatter method)
(aitemplate.compiler.ops.softmax method)
(aitemplate.compiler.ops.split method)
(aitemplate.compiler.ops.squeeze method)
(aitemplate.compiler.ops.topk method)
(aitemplate.compiler.ops.where method)
(aitemplate.compiler.transform.fuse_ops.fused_elementwise method)
(aitemplate.compiler.transform.fuse_ops.group_norm method)
(aitemplate.compiler.transform.transform_memory_ops.dynamic_slice method)
(aitemplate.frontend.nn.conv3d method)
(aitemplate.frontend.nn.depthwise_conv3d method)
(aitemplate.frontend.nn.flatten method)
(aitemplate.frontend.nn.ndhwc3to8 method)
(aitemplate.frontend.nn.reshape method)
(aitemplate.frontend.nn.squeeze method)
gen_function_src() (in module aitemplate.backend.codegen)
gen_int_var_min_max() (in module aitemplate.compiler.ops)
gen_library_src() (in module aitemplate.backend.codegen)
gen_profiler() (aitemplate.backend.codegen.Operator method)
(aitemplate.compiler.base.Operator method)
(aitemplate.compiler.ops.argmax method)
(aitemplate.compiler.ops.bmm_rcr_n1 method)
(aitemplate.compiler.ops.bmm_rrr_k1_tanh method)
(aitemplate.compiler.ops.conv2d method)
(aitemplate.compiler.ops.conv3d method)
(aitemplate.compiler.ops.efficient_nms method)
(aitemplate.compiler.ops.gemm_rrr_small_nk method)
(aitemplate.compiler.ops.group_gemm_rcr method)
(aitemplate.compiler.ops.group_norm method)
(aitemplate.compiler.ops.layernorm method)
(aitemplate.compiler.ops.nms method)
(aitemplate.compiler.ops.softmax method)
(aitemplate.compiler.ops.topk method)
(aitemplate.compiler.transform.fuse_ops.group_norm method)
(aitemplate.frontend.nn.conv3d method)
(in module aitemplate.backend.codegen)
gen_stride_str() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
get() (aitemplate.backend.profiler_runner.Queue method)
(in module aitemplate.backend.registry)
get_aligned_size() (in module aitemplate.compiler.base)
get_buffer() (aitemplate.frontend.nn.Module method)
get_conv2d_bias_elementwise_patterns() (in module aitemplate.compiler.transform.fuse_conv_elementwise)
get_device_compiler_options() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.cuda.target_def.FBCUDA method)
get_dtype_size() (in module aitemplate.backend.codegen)
(in module aitemplate.compiler.base)
get_first_non_empty_input_if_any() (aitemplate.compiler.ops.concatenate static method)
get_host_compiler_options() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.cuda.target_def.FBCUDA method)
get_include_directories() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.cuda.target_def.FBCUDA method)
(aitemplate.backend.rocm.target_def.ROCM method)
get_input_shapes() (aitemplate.compiler.ops.group_norm static method)
(aitemplate.compiler.ops.layernorm static method)
(aitemplate.compiler.transform.fuse_ops.group_norm static method)
get_max_dense_shape() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
get_nowait() (aitemplate.backend.profiler_runner.Queue method)
get_original_index() (aitemplate.compiler.ops.concatenate method)
get_parameter() (aitemplate.frontend.nn.Module method)
get_sorted_ops() (in module aitemplate.compiler.transform.refine_graph)
get_submodule() (aitemplate.frontend.nn.Module method)
get_tensor_index() (aitemplate.compiler.ops.concatenate method)
getitem (class in aitemplate.compiler.ops)
glob() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
group() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
group_gemm_rcr (class in aitemplate.compiler.ops)
group_gemm_rcr_bias (class in aitemplate.compiler.ops)
group_gemm_rcr_bias_relu (class in aitemplate.compiler.ops)
group_gemm_rcr_bias_sigmoid (class in aitemplate.compiler.ops)
group_layernorm (class in aitemplate.compiler.ops)
group_layernorm_sigmoid_mul (class in aitemplate.compiler.ops)
group_norm (class in aitemplate.compiler.ops)
(class in aitemplate.compiler.transform.fuse_ops)
group_norm_swish (class in aitemplate.compiler.ops)
(class in aitemplate.compiler.transform.fuse_ops)
grouped_classic_b2b_bmm (class in aitemplate.compiler.ops)
grouped_fmha_style_b2b_bmm (class in aitemplate.compiler.ops)
GroupNorm (class in aitemplate.frontend.nn)
gt (class in aitemplate.compiler.ops)
H
home() (aitemplate.backend.builder.Path class method)
(aitemplate.backend.codegen.Path class method)
I
identity (class in aitemplate.compiler.ops)
Identity (class in aitemplate.frontend.nn)
in_ci_env() (aitemplate.backend.cuda.target_def.FBCUDA method)
index_select (class in aitemplate.compiler.ops)
insert() (aitemplate.frontend.nn.ModuleList method)
insert_conv() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
insert_conv3d() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
insert_gemm() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
insert_normalization() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
int_elementwise (class in aitemplate.compiler.ops)
IntEnum (class in aitemplate.backend.target)
IntImm (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.base)
IntVar (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.base)
(class in aitemplate.compiler.transform.name_graph)
IntVarTensor (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.base)
(class in aitemplate.compiler.transform.constant_folding)
(class in aitemplate.compiler.transform.name_graph)
is_a_const_num() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
is_block_device() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_char_device() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_cmake_compilation() (in module aitemplate.backend.builder)
is_dir() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_failed() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
is_fifo() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_file() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_finished() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
is_jagged() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
is_mount() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_rightmost_dim_contiguous() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
is_running() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
is_socket() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_symbolic() (in module aitemplate.compiler.ops)
is_symlink() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
is_timeout() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
is_valid_shape() (aitemplate.compiler.ops.bmm_rcr_n1 static method)
isoformat() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
items() (aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.frontend.nn.ModuleDict method)
iterdir() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
J
jagged_dims() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
jagged_lengths_to_offsets (class in aitemplate.compiler.ops)
jagged_lengths_to_presences (class in aitemplate.compiler.ops)
jagged_to_padded_dense (class in aitemplate.compiler.ops)
JaggedDim (class in aitemplate.compiler.base)
(class in aitemplate.compiler.ops)
JaggedIntVar (class in aitemplate.compiler.base)
(class in aitemplate.compiler.compiler)
(class in aitemplate.compiler.ops)
(class in aitemplate.compiler.transform.name_graph)
(class in aitemplate.compiler.transform.remove_no_ops)
join() (aitemplate.backend.profiler_runner.ProfilerRunner method)
(aitemplate.backend.profiler_runner.Queue method)
(aitemplate.backend.task_runner.BaseRunner method)
(aitemplate.compiler.transform.profile.ProfilerRunner method)
K
keys() (aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.frontend.nn.ModuleDict method)
L
layernorm (class in aitemplate.compiler.ops)
LayerNorm (class in aitemplate.frontend.nn)
layernorm_sigmoid_mul (class in aitemplate.compiler.ops)
lchmod() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
le (class in aitemplate.compiler.ops)
Linear (class in aitemplate.frontend.nn)
link_to() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
list_construct (class in aitemplate.compiler.ops)
lower_bound() (aitemplate.backend.codegen.IntVar method)
(aitemplate.compiler.base.IntVar method)
(aitemplate.compiler.transform.name_graph.IntVar method)
lstat() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
lt (class in aitemplate.compiler.ops)
M
make_input_output_pools() (in module aitemplate.testing.benchmark_ait)
make_jagged (class in aitemplate.compiler.ops)
map_set() (in module aitemplate.backend.codegen)
mark_param_tensor() (in module aitemplate.compiler.transform.mark_param_tensor)
mark_special_views() (in module aitemplate.compiler.transform.mark_param_tensor)
masked_select (class in aitemplate.compiler.ops)
max_pool2d (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
max_value() (aitemplate.compiler.base.JaggedDim method)
(aitemplate.compiler.ops.JaggedDim method)
MaxPool2d (class in aitemplate.frontend.nn)
mem_eff_attention (class in aitemplate.compiler.ops)
merge_view_ops() (in module aitemplate.compiler.transform.optimize_graph)
min_value() (aitemplate.compiler.base.JaggedDim method)
(aitemplate.compiler.ops.JaggedDim method)
mkdir() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
module
aitemplate.backend.builder
aitemplate.backend.codegen
aitemplate.backend.cuda.target_def
aitemplate.backend.profiler_cache
aitemplate.backend.profiler_runner
aitemplate.backend.registry
aitemplate.backend.rocm.target_def
aitemplate.backend.target
aitemplate.backend.task_runner
aitemplate.compiler.base
aitemplate.compiler.compiler
aitemplate.compiler.model
aitemplate.compiler.ops
aitemplate.compiler.tensor_accessor
aitemplate.compiler.transform.apply_padding
aitemplate.compiler.transform.bind_constants
aitemplate.compiler.transform.constant_folding
aitemplate.compiler.transform.fuse_conv_elementwise
aitemplate.compiler.transform.fuse_group_ops
aitemplate.compiler.transform.fuse_mm_elementwise
aitemplate.compiler.transform.fuse_ops
aitemplate.compiler.transform.fuse_parallel_gemms
aitemplate.compiler.transform.fuse_split
aitemplate.compiler.transform.mark_param_tensor
aitemplate.compiler.transform.memory_planning
aitemplate.compiler.transform.name_graph
aitemplate.compiler.transform.optimize_graph
aitemplate.compiler.transform.profile
aitemplate.compiler.transform.refine_graph
aitemplate.compiler.transform.remove_no_ops
aitemplate.compiler.transform.remove_unused_ops
aitemplate.compiler.transform.toposort
aitemplate.compiler.transform.transform_memory_ops
aitemplate.compiler.transform.transform_odd_alignment
aitemplate.compiler.transform.transform_special_ops
aitemplate.compiler.transform.transform_strided_op_and_view_op
aitemplate.compiler.transform.transform_strided_ops
aitemplate.compiler.transform.transform_strided_slice
aitemplate.frontend.nn
aitemplate.testing.benchmark_ait
aitemplate.testing.benchmark_pt
aitemplate.testing.detect_target
aitemplate.utils.visualization.plot
Module (class in aitemplate.frontend.nn)
ModuleDict (class in aitemplate.frontend.nn)
ModuleList (class in aitemplate.frontend.nn)
modules() (aitemplate.frontend.nn.Module method)
move_to_end() (aitemplate.compiler.transform.profile.OrderedDict method)
move_view_op_before_concat() (in module aitemplate.compiler.transform.optimize_graph)
multi_level_roi_align (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
MultiheadAttention (class in aitemplate.frontend.nn)
MultiScaleBlock (class in aitemplate.frontend.nn)
multistream_additional_streams() (in module aitemplate.backend.codegen)
multistream_max_mem_parallel_ops() (in module aitemplate.backend.codegen)
(in module aitemplate.compiler.transform.memory_planning)
multistream_mode() (in module aitemplate.backend.codegen)
(in module aitemplate.compiler.transform.memory_planning)
N
name_graph() (in module aitemplate.compiler.transform.name_graph)
name_parameter_tensor() (aitemplate.frontend.nn.Module method)
named_buffers() (aitemplate.frontend.nn.Module method)
named_children() (aitemplate.frontend.nn.Module method)
named_modules() (aitemplate.frontend.nn.Module method)
named_parameters() (aitemplate.frontend.nn.Module method)
ndhwc3to8 (class in aitemplate.compiler.ops)
Ndhwc3to8 (class in aitemplate.frontend.nn)
ndhwc3to8 (class in aitemplate.frontend.nn)
ne (class in aitemplate.compiler.ops)
next_idle_dev() (aitemplate.backend.task_runner.DeviceFarm method)
nhwc3to4 (class in aitemplate.compiler.ops)
nhwc3to8 (class in aitemplate.compiler.ops)
Nhwc3to8 (class in aitemplate.frontend.nn)
nhwc3to8 (class in aitemplate.frontend.nn)
nms (class in aitemplate.compiler.ops)
Node (class in aitemplate.compiler.base)
normalize_dtype() (in module aitemplate.compiler.base)
(in module aitemplate.compiler.ops)
normalize_start_end_indices() (aitemplate.compiler.ops.dynamic_slice static method)
(aitemplate.compiler.transform.transform_memory_ops.dynamic_slice static method)
now() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
Number (class in aitemplate.compiler.base)
O
offsets() (aitemplate.compiler.base.JaggedDim method)
(aitemplate.compiler.ops.JaggedDim method)
offsets_struct_type() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
offsets_type() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
offsets_var_name() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
op_config (aitemplate.backend.profiler_runner.ProfileResult attribute)
open() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
Operator (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.base)
optimize_graph() (in module aitemplate.compiler.transform.optimize_graph)
OrderedDict (class in aitemplate.compiler.transform.profile)
owner() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
P
pad_last_dim (class in aitemplate.compiler.ops)
padded_dense_to_jagged (class in aitemplate.compiler.ops)
parameters() (aitemplate.frontend.nn.Module method)
Path (class in aitemplate.backend.builder)
(class in aitemplate.backend.codegen)
perm021fc_ccr (class in aitemplate.compiler.ops)
perm021fc_ccr_bias (class in aitemplate.compiler.ops)
perm021fc_ccr_bias_permute (class in aitemplate.compiler.ops)
perm021fc_crc (class in aitemplate.compiler.ops)
perm021fc_crc_bias (class in aitemplate.compiler.ops)
perm102_bmm_rcr (class in aitemplate.compiler.ops)
perm102_bmm_rcr_bias (class in aitemplate.compiler.ops)
perm102_bmm_rrr (class in aitemplate.compiler.ops)
perm102_bmm_rrr_bias (class in aitemplate.compiler.ops)
permute (class in aitemplate.compiler.ops)
permute021 (class in aitemplate.compiler.ops)
permute0213 (class in aitemplate.compiler.ops)
permute102 (class in aitemplate.compiler.ops)
permute210 (class in aitemplate.compiler.ops)
plot_graph() (in module aitemplate.utils.visualization.plot)
poll() (aitemplate.backend.builder.Task method)
(aitemplate.backend.task_runner.Task method)
pop() (aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.frontend.nn.ModuleDict method)
popitem() (aitemplate.compiler.transform.profile.OrderedDict method)
postprocess_build_dir() (aitemplate.backend.cuda.target_def.FBCUDA method)
postprocess_results() (aitemplate.compiler.transform.profile.GemmProfilerPostprocessingDelegate method)
process_return() (in module aitemplate.backend.builder)
(in module aitemplate.backend.profiler_runner)
process_singleton_elementwise() (in module aitemplate.compiler.transform.fuse_ops)
(in module aitemplate.compiler.transform.optimize_graph)
process_task() (in module aitemplate.backend.builder)
(in module aitemplate.backend.profiler_runner)
profile() (aitemplate.backend.codegen.Operator method)
(aitemplate.compiler.base.Operator method)
(aitemplate.compiler.ops.argmax method)
(aitemplate.compiler.ops.conv2d method)
(aitemplate.compiler.ops.conv3d method)
(aitemplate.compiler.ops.efficient_nms method)
(aitemplate.compiler.ops.group_norm method)
(aitemplate.compiler.ops.layernorm method)
(aitemplate.compiler.ops.nms method)
(aitemplate.compiler.ops.softmax method)
(aitemplate.compiler.ops.topk method)
(aitemplate.compiler.transform.fuse_ops.group_norm method)
(aitemplate.frontend.nn.conv3d method)
(in module aitemplate.compiler.transform.profile)
ProfileCacheDB (class in aitemplate.backend.profiler_cache)
(class in aitemplate.backend.target)
ProfileResult (class in aitemplate.backend.profiler_runner)
ProfilerRunner (class in aitemplate.backend.profiler_runner)
(class in aitemplate.compiler.transform.profile)
Proposal (class in aitemplate.frontend.nn)
pseudo_code() (aitemplate.backend.codegen.IntImm method)
(aitemplate.backend.codegen.IntVar method)
(aitemplate.backend.codegen.IntVarTensor method)
(aitemplate.backend.codegen.Operator method)
(aitemplate.compiler.base.IntImm method)
(aitemplate.compiler.base.IntVar method)
(aitemplate.compiler.base.IntVarTensor method)
(aitemplate.compiler.base.JaggedDim method)
(aitemplate.compiler.base.Node method)
(aitemplate.compiler.base.Operator method)
(aitemplate.compiler.base.Tensor method)
(aitemplate.compiler.ops.JaggedDim method)
(aitemplate.compiler.transform.constant_folding.IntVarTensor method)
(aitemplate.compiler.transform.name_graph.IntVar method)
(aitemplate.compiler.transform.name_graph.IntVarTensor method)
(aitemplate.frontend.nn.Tensor method)
pull() (aitemplate.backend.builder.Runner method)
(aitemplate.backend.builder.Task method)
(aitemplate.backend.profiler_runner.Runner method)
(aitemplate.backend.task_runner.BaseRunner method)
(aitemplate.backend.task_runner.Task method)
push() (aitemplate.backend.builder.Runner method)
(aitemplate.backend.profiler_runner.ProfilerRunner method)
(aitemplate.backend.profiler_runner.Runner method)
(aitemplate.backend.task_runner.BaseRunner method)
(aitemplate.compiler.transform.profile.ProfilerRunner method)
put() (aitemplate.backend.profiler_runner.Queue method)
put_nowait() (aitemplate.backend.profiler_runner.Queue method)
Q
qsize() (aitemplate.backend.profiler_runner.Queue method)
query_conv() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
query_conv3d() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
query_gemm() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
query_normalization() (aitemplate.backend.profiler_cache.ProfileCacheDB method)
(aitemplate.backend.target.ProfileCacheDB method)
Queue (class in aitemplate.backend.profiler_runner)
R
read_bytes() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
read_text() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
readlink() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
reduce_max (class in aitemplate.compiler.ops)
reduce_mean (class in aitemplate.compiler.ops)
reduce_min (class in aitemplate.compiler.ops)
reduce_sum (class in aitemplate.compiler.ops)
refine_graph() (in module aitemplate.compiler.transform.refine_graph)
reg() (in module aitemplate.backend.registry)
register_buffer() (aitemplate.frontend.nn.Module method)
register_module() (aitemplate.frontend.nn.Module method)
register_parameter() (aitemplate.frontend.nn.Module method)
remote_logger() (aitemplate.backend.cuda.target_def.FBCUDA class method)
remove() (aitemplate.compiler.base.StableSet method)
(aitemplate.compiler.transform.fuse_split.StableSet method)
(aitemplate.compiler.transform.transform_strided_op_and_view_op.StableSet method)
remove_elementwise_no_ops() (in module aitemplate.compiler.transform.optimize_graph)
remove_input_at() (aitemplate.compiler.ops.concatenate method)
remove_no_ops() (in module aitemplate.compiler.transform.remove_no_ops)
remove_output_at() (aitemplate.compiler.ops.split method)
remove_unused_ops() (in module aitemplate.compiler.transform.remove_unused_ops)
rename() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
replace() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
(aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
replace_input_tensor() (aitemplate.backend.codegen.Operator method)
(aitemplate.compiler.base.Operator method)
(aitemplate.compiler.ops.elementwise method)
reset() (aitemplate.backend.task_runner.BaseRunner method)
reset_all() (aitemplate.backend.task_runner.DeviceFarm method)
reset_dev_state() (aitemplate.backend.task_runner.DeviceFarm method)
reshape (class in aitemplate.compiler.ops)
Reshape (class in aitemplate.frontend.nn)
reshape (class in aitemplate.frontend.nn)
resolve() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
rglob() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
rmdir() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
ROCM (class in aitemplate.backend.rocm.target_def)
ROCM() (in module aitemplate.backend.target)
roi_align (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
RoiAlign (class in aitemplate.frontend.nn)
run_benchmark() (in module aitemplate.testing.benchmark_ait)
run_module_with_pools() (in module aitemplate.testing.benchmark_ait)
Runner (class in aitemplate.backend.builder)
(class in aitemplate.backend.profiler_runner)
S
samefile() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
ScaledDotProductAttention (class in aitemplate.frontend.nn)
select_minimal_algo() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.rocm.target_def.ROCM method)
Sequential (class in aitemplate.frontend.nn)
set_value_from_map() (in module aitemplate.backend.codegen)
setdefault() (aitemplate.compiler.transform.profile.OrderedDict method)
sha1() (in module aitemplate.backend.builder)
shape (aitemplate.compiler.model.AITData attribute)
shape() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
short_str() (in module aitemplate.utils.visualization.plot)
shorten_tensor_names_for_plots() (in module aitemplate.utils.visualization.plot)
simple_multistream_memory_planning() (in module aitemplate.compiler.transform.memory_planning)
simplify_intvar_values() (in module aitemplate.compiler.ops)
size (class in aitemplate.compiler.ops)
size_bytes() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
sleep() (in module aitemplate.backend.profiler_runner)
slice_reshape_scatter (class in aitemplate.compiler.ops)
slice_scatter (class in aitemplate.compiler.ops)
softmax (class in aitemplate.compiler.ops)
split (class in aitemplate.compiler.ops)
split_large_concat_ops() (in module aitemplate.compiler.transform.optimize_graph)
split_large_slice_scatter_ops() (in module aitemplate.compiler.transform.optimize_graph)
split_large_split_ops() (in module aitemplate.compiler.transform.optimize_graph)
split_simple_multistream_parallel_ops() (in module aitemplate.backend.codegen)
(in module aitemplate.compiler.transform.memory_planning)
squeeze (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
src_extension() (aitemplate.backend.cuda.target_def.CUDA method)
(aitemplate.backend.rocm.target_def.ROCM method)
src_ops() (aitemplate.compiler.base.Tensor method)
(aitemplate.frontend.nn.Tensor method)
StableSet (class in aitemplate.compiler.base)
(class in aitemplate.compiler.transform.fuse_split)
(class in aitemplate.compiler.transform.transform_strided_op_and_view_op)
stat() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
stride() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
strptime() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
symbolic_value() (aitemplate.backend.codegen.IntVar method)
(aitemplate.compiler.base.IntVar method)
(aitemplate.compiler.transform.name_graph.IntVar method)
symlink_to() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
T
T5DenseGatedGeluDense (class in aitemplate.frontend.nn)
TargetType (class in aitemplate.backend.target)
Task (class in aitemplate.backend.builder)
(class in aitemplate.backend.task_runner)
task_done() (aitemplate.backend.profiler_runner.Queue method)
Tensor (class in aitemplate.compiler.base)
(class in aitemplate.frontend.nn)
TensorAccessor (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.tensor_accessor)
time() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
timestamp() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
timetuple() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
timetz() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
topk (class in aitemplate.compiler.ops)
toposort() (in module aitemplate.compiler.transform.fuse_group_ops)
(in module aitemplate.compiler.transform.fuse_ops)
(in module aitemplate.compiler.transform.fuse_parallel_gemms)
(in module aitemplate.compiler.transform.toposort)
(in module aitemplate.compiler.transform.transform_memory_ops)
torch_to_ait_data() (in module aitemplate.compiler.model)
total_length() (aitemplate.compiler.base.JaggedIntVar method)
(aitemplate.compiler.compiler.JaggedIntVar method)
(aitemplate.compiler.ops.JaggedIntVar method)
(aitemplate.compiler.transform.name_graph.JaggedIntVar method)
(aitemplate.compiler.transform.remove_no_ops.JaggedIntVar method)
touch() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
transform_memory_ops() (in module aitemplate.compiler.transform.transform_memory_ops)
transform_odd_alignment() (in module aitemplate.compiler.transform.transform_odd_alignment)
transform_permute_to_reshape() (in module aitemplate.compiler.transform.optimize_graph)
transform_special_ops() (in module aitemplate.compiler.transform.transform_special_ops)
transform_strided_ops() (in module aitemplate.compiler.transform.transform_strided_ops)
transpose (class in aitemplate.compiler.ops)
transposed_conv2d (class in aitemplate.compiler.ops)
transposed_conv2d_bias (class in aitemplate.compiler.ops)
transposed_conv2d_bias_relu (class in aitemplate.compiler.ops)
try_get_stride_strs() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
tuple_construct (class in aitemplate.compiler.ops)
tzname() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
U
unlink() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
unsqueeze (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
update() (aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.frontend.nn.ModuleDict method)
update_base_tensor() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
update_base_tensor_shape() (aitemplate.backend.codegen.TensorAccessor method)
(aitemplate.compiler.tensor_accessor.TensorAccessor method)
upper_bound() (aitemplate.backend.codegen.IntVar method)
(aitemplate.compiler.base.IntVar method)
(aitemplate.compiler.transform.name_graph.IntVar method)
upsampling2d (class in aitemplate.compiler.ops)
Upsampling2d (class in aitemplate.frontend.nn)
upsampling2d (class in aitemplate.frontend.nn)
upsampling2d_add (class in aitemplate.compiler.ops)
(class in aitemplate.frontend.nn)
Upsampling2dAdd (class in aitemplate.frontend.nn)
utcfromtimestamp() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
utcnow() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
utcoffset() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
utctimetuple() (aitemplate.compiler.compiler.datetime method)
(aitemplate.compiler.transform.profile.datetime method)
V
value() (aitemplate.backend.codegen.IntImm method)
(aitemplate.compiler.base.IntImm method)
values() (aitemplate.compiler.transform.profile.OrderedDict method)
(aitemplate.frontend.nn.ModuleDict method)
vanilla_attention() (in module aitemplate.frontend.nn)
VanillaCrossAttention (class in aitemplate.frontend.nn)
VanillaMultiheadAttention (class in aitemplate.frontend.nn)
var (class in aitemplate.compiler.ops)
vector_norm (class in aitemplate.compiler.ops)
View (class in aitemplate.frontend.nn)
W
weight (aitemplate.frontend.nn.Conv2d attribute)
(aitemplate.frontend.nn.Conv2dBias attribute)
(aitemplate.frontend.nn.Conv2dBiasAddHardswish attribute)
(aitemplate.frontend.nn.Conv2dBiasAddRelu attribute)
(aitemplate.frontend.nn.Conv3d attribute)
(aitemplate.frontend.nn.ConvTranspose2dBias attribute)
(aitemplate.frontend.nn.Linear attribute)
where (class in aitemplate.compiler.ops)
workspace (aitemplate.backend.profiler_runner.ProfileResult attribute)
Workspace (class in aitemplate.backend.codegen)
(class in aitemplate.compiler.transform.constant_folding)
wrap_dim() (in module aitemplate.compiler.base)
write_binhash_file() (in module aitemplate.backend.builder)
write_bytes() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)
write_text() (aitemplate.backend.builder.Path method)
(aitemplate.backend.codegen.Path method)