├── .circleci └── config.yml ├── .clang-format ├── .flake8 ├── .github └── workflows │ ├── docs.yaml │ ├── pages.yaml │ ├── pylint.yaml │ └── rocm_ci.yml ├── .gitignore ├── .gitmodules ├── CITATION.cff ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── default.nix ├── docker ├── Dockerfile.cuda ├── Dockerfile.rocm ├── README.md ├── build.sh ├── install │ ├── install_ait.sh │ ├── install_basic_dep.sh │ ├── install_detection_deps.sh │ ├── install_doc_dep.sh │ ├── install_test_dep.sh │ └── rocm_dev-requirements.txt └── rocm_fix │ └── fix_10736.py ├── docs ├── Makefile ├── README.md ├── image │ ├── gpu_grid_block.png │ ├── pack_size_1.png │ ├── pack_size_2.png │ ├── pack_size_4.png │ ├── pack_size_8.png │ ├── softmax.png │ └── vs_oneflow.png ├── make.bat ├── source │ ├── arch │ │ ├── index.rst │ │ └── philosophy.rst │ ├── conf.py │ ├── debughints.rst │ ├── genindex.rst │ ├── index.rst │ ├── install │ │ └── index.rst │ ├── reference │ │ ├── backend.rst │ │ ├── compiler.rst │ │ ├── cuda.rst │ │ ├── env.rst │ │ ├── frontend.rst │ │ ├── index.rst │ │ ├── ops.rst │ │ ├── rocm.rst │ │ ├── testing.rst │ │ ├── transform.rst │ │ └── utils.rst │ ├── runtime │ │ ├── cxx_design.rst │ │ ├── index.rst │ │ └── py_design.rst │ └── tutorial │ │ ├── how_to_add_op.rst │ │ ├── how_to_infer_pt.rst │ │ ├── how_to_visualize.rst │ │ └── index.rst └── static │ └── ait_model.html ├── examples ├── 01_resnet-50 │ ├── README.md │ ├── benchmark_ait.py │ ├── benchmark_mi250.sh │ ├── benchmark_pt.py │ ├── infer_with_torch.py │ ├── modeling │ │ ├── __init__.py │ │ └── resnet.py │ ├── test_correctness.py │ └── weight_utils.py ├── 02_detectron2 │ ├── README.md │ ├── compile_model.py │ ├── configs │ │ ├── __init__.py │ │ ├── config.py │ │ ├── defaults.py │ │ ├── faster_rcnn_R_101_FPN.yaml │ │ ├── faster_rcnn_R_50_FPN.yaml │ │ ├── mask_rcnn_R_101_FPN.yaml │ │ └── mask_rcnn_R_50_FPN.yaml │ ├── demo.py │ ├── modeling │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── fpn.py │ │ │ ├── resnet.py │ │ │ └── utils.py │ │ ├── meta_arch │ │ │ ├── __init__.py │ │ │ └── rcnn.py │ │ ├── proposal_generator │ │ │ ├── __init__.py │ │ │ └── rpn.py │ │ └── roi_heads │ │ │ ├── __init__.py │ │ │ ├── box_head.py │ │ │ ├── fast_rcnn.py │ │ │ ├── mask_head.py │ │ │ └── roi_heads.py │ ├── predictor │ │ ├── __init__.py │ │ ├── builtin_meta.py │ │ └── predictor.py │ ├── prepare_and_run_rcnn.sh │ ├── test_correctness.py │ └── tools │ │ └── convert_pt2ait.py ├── 03_bert │ ├── README.md │ ├── benchmark_ait.py │ ├── benchmark_mi250.sh │ ├── benchmark_pt.py │ ├── demo.py │ ├── modeling │ │ ├── __init__.py │ │ ├── bert.py │ │ └── torch_model.py │ └── test_correctness.py ├── 04_vit │ ├── README.md │ ├── benchmark_ait.py │ ├── benchmark_mi250.sh │ ├── benchmark_pt.py │ ├── modeling │ │ └── vision_transformer.py │ ├── test_correctness.py │ ├── verification.py │ └── weight_utils.py ├── 05_stable_diffusion │ ├── .gitignore │ ├── README.md │ ├── scripts │ │ ├── compile.py │ │ ├── compile_alt.py │ │ ├── compile_controlnet.py │ │ ├── demo.py │ │ ├── demo_alt.py │ │ ├── demo_controlnet.py │ │ ├── demo_img2img.py │ │ └── download_pipeline.py │ └── src │ │ ├── __init__.py │ │ ├── benchmark.py │ │ ├── benchmark_pt.py │ │ ├── compile_lib │ │ ├── __init__.py │ │ ├── compile_clip.py │ │ ├── compile_clip_alt.py │ │ ├── compile_controlnet.py │ │ ├── compile_unet.py │ │ ├── compile_unet_alt.py │ │ ├── compile_vae.py │ │ ├── compile_vae_alt.py │ │ └── util.py │ │ ├── modeling │ │ ├── attention.py │ │ ├── clip.py │ │ ├── controlnet_unet_2d_condition.py │ │ ├── embeddings.py │ │ ├── resnet.py │ │ ├── unet_2d_condition.py │ │ ├── unet_blocks.py │ │ └── vae.py │ │ ├── pipeline_stable_diffusion_ait.py │ │ ├── pipeline_stable_diffusion_ait_alt.py │ │ ├── pipeline_stable_diffusion_controlnet_ait.py │ │ ├── pipeline_stable_diffusion_img2img_ait.py │ │ └── test_correctness.py ├── 06_how_to_add_an_op │ └── how_to_add_an_op.py ├── 07_how_to_run_pt_model │ └── how_to_run_pt_model.py └── 08_esrgan │ ├── README.md │ ├── compile.py │ ├── demo.py │ └── modeling │ └── rrdbnet.py ├── fx2ait ├── CMakeLists.txt ├── README.md ├── fx2ait │ ├── __init__.py │ ├── acc_tracer │ │ ├── __init__.py │ │ ├── acc_normalizer.py │ │ ├── acc_op_properties.py │ │ ├── acc_ops.py │ │ ├── acc_shape_prop.py │ │ ├── acc_tracer.py │ │ ├── acc_utils.py │ │ ├── ait_acc_normalizer.py │ │ ├── ait_acc_ops.py │ │ └── ait_acc_ops_registry.py │ ├── ait_module.py │ ├── ait_splitter.py │ ├── cache.py │ ├── converters │ │ ├── __init__.py │ │ ├── ait_converters.py │ │ ├── ait_module_converters.py │ │ ├── aten2ait_converters.py │ │ ├── converter_registry.py │ │ └── utils.py │ ├── csrc │ │ ├── AITModel.cpp │ │ ├── AITModel.h │ │ ├── AITModelImpl.cpp │ │ └── AITModelImpl.h │ ├── example │ │ ├── 01_transformer_model │ │ │ ├── README.md │ │ │ └── test_transformer_encoder.py │ │ ├── 02_vision_model │ │ │ ├── README.md │ │ │ └── test_vision_model.py │ │ ├── 03_lowering_split │ │ │ ├── README.md │ │ │ └── test_lower.py │ │ ├── __init__.py │ │ └── benchmark_utils.py │ ├── extension.py │ ├── find_batch_size_dim.py │ ├── fx2ait.py │ ├── lower │ │ ├── __init__.py │ │ ├── lower.py │ │ └── lower_settings.py │ ├── passes │ │ ├── __init__.py │ │ └── lower_basic_pass_aten.py │ ├── tensor_spec.py │ ├── test │ │ ├── __init__.py │ │ ├── converters │ │ │ ├── converters_model │ │ │ │ ├── test_ait_transformer_model.py │ │ │ │ └── test_ait_vision_model.py │ │ │ ├── converters_module │ │ │ │ └── test_ait_multihead_attention.py │ │ │ ├── test_ait_adaptive_avg_pool2d.py │ │ │ ├── test_ait_avg_pool2d.py │ │ │ ├── test_ait_avg_pool3d.py │ │ │ ├── test_ait_batch_norm.py │ │ │ ├── test_ait_binary_op.py │ │ │ ├── test_ait_cast.py │ │ │ ├── test_ait_cat.py │ │ │ ├── test_ait_chunk.py │ │ │ ├── test_ait_clamp.py │ │ │ ├── test_ait_contiguous.py │ │ │ ├── test_ait_conv2d.py │ │ │ ├── test_ait_conv3d.py │ │ │ ├── test_ait_conv3d_depthwise.py │ │ │ ├── test_ait_convtranspose2d.py │ │ │ ├── test_ait_elu.py │ │ │ ├── test_ait_expand.py │ │ │ ├── test_ait_flatten.py │ │ │ ├── test_ait_full.py │ │ │ ├── test_ait_gelu.py │ │ │ ├── test_ait_group_norm.py │ │ │ ├── test_ait_index_select.py │ │ │ ├── test_ait_layer_norm.py │ │ │ ├── test_ait_leaky_relu.py │ │ │ ├── test_ait_linalg_norm.py │ │ │ ├── test_ait_linear.py │ │ │ ├── test_ait_masked_select.py │ │ │ ├── test_ait_matmul.py │ │ │ ├── test_ait_max_pool2d.py │ │ │ ├── test_ait_max_pool3d.py │ │ │ ├── test_ait_nan2num.py │ │ │ ├── test_ait_permute.py │ │ │ ├── test_ait_pooling_ops.py │ │ │ ├── test_ait_pow.py │ │ │ ├── test_ait_reduce.py │ │ │ ├── test_ait_reshape.py │ │ │ ├── test_ait_sigmoid.py │ │ │ ├── test_ait_slice_tensor.py │ │ │ ├── test_ait_softmax.py │ │ │ ├── test_ait_split.py │ │ │ ├── test_ait_square.py │ │ │ ├── test_ait_squeeze.py │ │ │ ├── test_ait_tile.py │ │ │ ├── test_ait_topk.py │ │ │ ├── test_ait_unary_ops.py │ │ │ ├── test_ait_unbind.py │ │ │ ├── test_ait_unsqueeze.py │ │ │ ├── test_ait_upsampling2d.py │ │ │ └── test_ait_var.py │ │ ├── test_ait_lower.py │ │ ├── test_ait_splitter.py │ │ ├── test_fx2ait.py │ │ └── test_tensor_spec.py │ ├── tools │ │ ├── __init__.py │ │ ├── ait_minimizer.py │ │ ├── ait_subgraph_rewriter.py │ │ ├── common_aten2ait.py │ │ └── common_fx2ait.py │ └── utils.py └── setup.py ├── licenses ├── LICENSE.composable_kernel.txt ├── LICENSE.cub.txt ├── LICENSE.cutlass.txt ├── LICENSE.dmlc.txt ├── LICENSE.flash_attention.txt ├── LICENSE.hipcub.txt ├── LICENSE.markdown_table.txt ├── LICENSE.oneflow.txt ├── LICENSE.pydot.txt ├── LICENSE.pytorch.txt ├── LICENSE.tensorrt.txt └── license.header.txt ├── python ├── aitemplate │ ├── __init__.py │ ├── _libinfo.py │ ├── backend │ │ ├── __init__.py │ │ ├── backend_spec.py │ │ ├── build_cache.py │ │ ├── build_cache_base.py │ │ ├── builder.py │ │ ├── codegen.py │ │ ├── common │ │ │ ├── concatenate_common.py │ │ │ ├── elementwise_common.py │ │ │ ├── gemm_common.py │ │ │ ├── split_common.py │ │ │ ├── tensor │ │ │ │ ├── argmax_common.py │ │ │ │ ├── batch_gather_common.py │ │ │ │ ├── identity_common.py │ │ │ │ ├── permute0213_common.py │ │ │ │ ├── permute021_common.py │ │ │ │ ├── permute102_common.py │ │ │ │ ├── permute210_common.py │ │ │ │ ├── slice_common.py │ │ │ │ ├── slice_reshape_scatter_common.py │ │ │ │ └── topk_common.py │ │ │ ├── tensor_accessor.cuh │ │ │ ├── tensor_accessor_codegen.py │ │ │ ├── upsampling2d_common.py │ │ │ └── vision_ops │ │ │ │ ├── efficient_nms_common.py │ │ │ │ ├── efficient_nms_kernel.py │ │ │ │ ├── multi_level_roi_align_common.py │ │ │ │ ├── nms_common.py │ │ │ │ ├── nms_kernel.py │ │ │ │ └── roi_align_common.py │ │ ├── cuda │ │ │ ├── __init__.py │ │ │ ├── attention │ │ │ │ ├── __init__.py │ │ │ │ ├── flash_attention.py │ │ │ │ ├── mem_eff_attention.py │ │ │ │ └── src │ │ │ │ │ ├── fmha.h │ │ │ │ │ ├── fmha │ │ │ │ │ ├── gemm.h │ │ │ │ │ ├── gmem_tile.h │ │ │ │ │ ├── kernel_traits.h │ │ │ │ │ ├── mask.h │ │ │ │ │ ├── smem_tile.h │ │ │ │ │ ├── softmax.h │ │ │ │ │ └── utils.h │ │ │ │ │ ├── fmha_block_fprop_fp16_kernel.sm80.cu │ │ │ │ │ ├── fmha_block_fprop_kernel_1xN.h │ │ │ │ │ ├── fmha_blockmask.h │ │ │ │ │ ├── fmha_fprop_fp16_kernel.sm80.cu │ │ │ │ │ ├── fmha_fprop_kernel_1xN.h │ │ │ │ │ ├── fmha_kernel.h │ │ │ │ │ ├── fmha_utils.h │ │ │ │ │ ├── licenses │ │ │ │ │ └── LICENSE │ │ │ │ │ └── philox.cuh │ │ │ ├── b2b_bmm │ │ │ │ ├── __init__.py │ │ │ │ ├── classic_b2b_bmm.py │ │ │ │ ├── fmha_style_b2b_bmm.py │ │ │ │ ├── grouped_classic_b2b_bmm.py │ │ │ │ └── grouped_fmha_style_b2b_bmm.py │ │ │ ├── builder_cmake.py │ │ │ ├── common │ │ │ │ ├── __init__.py │ │ │ │ └── dummy_op.py │ │ │ ├── conv2d │ │ │ │ ├── __init__.py │ │ │ │ ├── common.py │ │ │ │ ├── common_conv2d_bias_activation.py │ │ │ │ ├── common_conv2d_bias_add_activation.py │ │ │ │ ├── common_conv2d_few_channels.py │ │ │ │ ├── common_transposed_conv2d.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── conv2d_bias.py │ │ │ │ ├── conv2d_bias_add.py │ │ │ │ ├── conv2d_bias_add_hardswish.py │ │ │ │ ├── conv2d_bias_add_relu.py │ │ │ │ ├── conv2d_bias_few_channels.py │ │ │ │ ├── conv2d_bias_hardswish.py │ │ │ │ ├── conv2d_bias_hardswish_few_channels.py │ │ │ │ ├── conv2d_bias_relu.py │ │ │ │ ├── conv2d_bias_relu_few_channels.py │ │ │ │ ├── conv2d_bias_sigmoid.py │ │ │ │ ├── conv2d_depthwise.py │ │ │ │ ├── conv2d_depthwise_bias.py │ │ │ │ ├── transposed_conv2d.py │ │ │ │ └── transposed_conv2d_bias.py │ │ │ ├── conv3d │ │ │ │ ├── __init__.py │ │ │ │ ├── common.py │ │ │ │ ├── common_bias.py │ │ │ │ ├── conv3d.py │ │ │ │ ├── conv3d_bias.py │ │ │ │ ├── depthwise_conv3d.py │ │ │ │ └── depthwise_conv3d_bias.py │ │ │ ├── cuda_common.py │ │ │ ├── elementwise │ │ │ │ ├── __init__.py │ │ │ │ ├── custom_math.cuh │ │ │ │ ├── fused_elementwise.py │ │ │ │ └── int_elementwise.py │ │ │ ├── embedding │ │ │ │ ├── __init__.py │ │ │ │ └── bert_embeddings.py │ │ │ ├── gemm_epilogue_vistor │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm_rcr_softmax.py │ │ │ │ ├── common_dual_gemm.py │ │ │ │ ├── common_softmax.py │ │ │ │ ├── dual_bmm_rrr_div.py │ │ │ │ ├── dual_gemm_rcr_fast_gelu.py │ │ │ │ ├── dual_gemm_rcr_silu.py │ │ │ │ ├── gemm_rcr_bias_softmax.py │ │ │ │ ├── gemm_rcr_softmax.py │ │ │ │ └── include │ │ │ │ │ └── gemm_with_softmax.h │ │ │ ├── gemm_special │ │ │ │ ├── __init__.py │ │ │ │ ├── batched_dense_vec_jagged_2d_mul.py │ │ │ │ ├── bmm_rcr_n1.py │ │ │ │ ├── bmm_rrr_k1_tanh.py │ │ │ │ └── gemm_rrr_small_nk.py │ │ │ ├── gemm_universal │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm_common.py │ │ │ │ ├── bmm_permute_common.py │ │ │ │ ├── bmm_rcr_permute.py │ │ │ │ ├── bmm_rrr_permute.py │ │ │ │ ├── bmm_softmax_bmm_permute.py │ │ │ │ ├── bmm_xxx.py │ │ │ │ ├── bmm_xxx_add.py │ │ │ │ ├── common.py │ │ │ │ ├── common_bias.py │ │ │ │ ├── common_bias_activation.py │ │ │ │ ├── common_bias_broadcast.py │ │ │ │ ├── common_no_bias.py │ │ │ │ ├── common_permute.py │ │ │ │ ├── gemm_rcr.py │ │ │ │ ├── gemm_rcr_bias.py │ │ │ │ ├── gemm_rcr_bias_elementwise.py │ │ │ │ ├── gemm_rcr_bias_fast_gelu.py │ │ │ │ ├── gemm_rcr_bias_gelu.py │ │ │ │ ├── gemm_rcr_bias_hardswish.py │ │ │ │ ├── gemm_rcr_bias_permute.py │ │ │ │ ├── gemm_rcr_bias_relu.py │ │ │ │ ├── gemm_rcr_bias_sigmoid.py │ │ │ │ ├── gemm_rcr_bias_swish.py │ │ │ │ ├── gemm_rcr_bias_tanh.py │ │ │ │ ├── gemm_rcr_fast_gelu.py │ │ │ │ ├── gemm_rcr_permute.py │ │ │ │ ├── gemm_rcr_permute_elup1.py │ │ │ │ ├── gemm_rrr.py │ │ │ │ ├── gemm_rrr_bias.py │ │ │ │ ├── gemm_rrr_permute.py │ │ │ │ ├── group_common.py │ │ │ │ ├── group_common_bias.py │ │ │ │ ├── group_gemm_rcr.py │ │ │ │ ├── group_gemm_rcr_bias.py │ │ │ │ ├── group_gemm_rcr_bias_relu.py │ │ │ │ ├── group_gemm_rcr_bias_sigmoid.py │ │ │ │ ├── layout.py │ │ │ │ ├── perm021fc_ccr.py │ │ │ │ ├── perm021fc_ccr_bias.py │ │ │ │ ├── perm021fc_ccr_bias_permute.py │ │ │ │ ├── perm021fc_crc.py │ │ │ │ ├── perm021fc_crc_bias.py │ │ │ │ ├── perm102_bmm_rcr.py │ │ │ │ ├── perm102_bmm_rcr_bias.py │ │ │ │ ├── perm102_bmm_rrr.py │ │ │ │ └── perm102_bmm_rrr_bias.py │ │ │ ├── groupnorm │ │ │ │ ├── __init__.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── groupnorm_common.py │ │ │ │ ├── groupnorm_kernel.cuh │ │ │ │ ├── groupnorm_swish.py │ │ │ │ └── layer_norm.cuh │ │ │ ├── jagged │ │ │ │ ├── __init__.py │ │ │ │ ├── jagged_lengths_to_offsets.py │ │ │ │ └── jagged_lengths_to_presences.py │ │ │ ├── layernorm_sigmoid_mul │ │ │ │ ├── __init__.py │ │ │ │ ├── batch_layernorm_sigmoid_mul.py │ │ │ │ ├── group_layernorm_sigmoid_mul.py │ │ │ │ ├── layer_norm.cuh │ │ │ │ ├── layernorm_common.py │ │ │ │ ├── layernorm_sigmoid_mul.py │ │ │ │ ├── layernorm_sigmoid_mul_kernel.cuh │ │ │ │ └── layernorm_welford.cuh │ │ │ ├── lib_template.py │ │ │ ├── padding │ │ │ │ ├── __init__.py │ │ │ │ ├── ndhwc3to8.py │ │ │ │ ├── nhwc3to4.py │ │ │ │ ├── nhwc3to8.py │ │ │ │ └── pad_last_dim.py │ │ │ ├── pool2d │ │ │ │ ├── __init__.py │ │ │ │ ├── avg_pool2d.py │ │ │ │ ├── max_pool2d.py │ │ │ │ └── pool2d.py │ │ │ ├── reduce │ │ │ │ ├── __init__.py │ │ │ │ ├── reduce_3d.py │ │ │ │ ├── reduce_common.py │ │ │ │ ├── reduce_common_slim_tensor.py │ │ │ │ ├── reduce_max.py │ │ │ │ ├── reduce_mean.py │ │ │ │ ├── reduce_min.py │ │ │ │ ├── reduce_small_axis.py │ │ │ │ ├── reduce_sum.py │ │ │ │ ├── var.py │ │ │ │ └── vector_norm.py │ │ │ ├── softmax │ │ │ │ ├── __init__.py │ │ │ │ ├── softmax.cuh │ │ │ │ └── softmax.py │ │ │ ├── target_def.py │ │ │ ├── tensor │ │ │ │ ├── __init__.py │ │ │ │ ├── argmax.py │ │ │ │ ├── batch_gather.py │ │ │ │ ├── cast.py │ │ │ │ ├── concatenate.py │ │ │ │ ├── concatenate_fast.cuh │ │ │ │ ├── concatenate_fast.py │ │ │ │ ├── concatenate_tanh.py │ │ │ │ ├── dynamic_slice.py │ │ │ │ ├── expand.py │ │ │ │ ├── expand_static_shape.py │ │ │ │ ├── full.py │ │ │ │ ├── gather.py │ │ │ │ ├── identity.py │ │ │ │ ├── index_select.py │ │ │ │ ├── jagged_to_padded_dense.py │ │ │ │ ├── masked_select.py │ │ │ │ ├── padded_dense_to_jagged.py │ │ │ │ ├── permute.cuh │ │ │ │ ├── permute.py │ │ │ │ ├── permute021.py │ │ │ │ ├── permute0213.py │ │ │ │ ├── permute102.py │ │ │ │ ├── permute210.py │ │ │ │ ├── relational.py │ │ │ │ ├── repeat.cuh │ │ │ │ ├── slice_reshape_scatter.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── split.py │ │ │ │ ├── topk.py │ │ │ │ └── where.py │ │ │ ├── upsample │ │ │ │ ├── __init__.py │ │ │ │ ├── upsampling2d.py │ │ │ │ └── upsampling2d_add.py │ │ │ ├── utils.py │ │ │ ├── view_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── make_jagged.py │ │ │ │ └── view_ops.py │ │ │ └── vision_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── nms │ │ │ │ ├── __init__.py │ │ │ │ ├── batched_nms.py │ │ │ │ ├── batched_nms_kernel.cuh │ │ │ │ ├── efficient_nms.py │ │ │ │ └── nms.py │ │ │ │ └── roi_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── multi_level_roi_align.py │ │ │ │ ├── roi_align.py │ │ │ │ └── roi_ops.py │ │ ├── main_templates.py │ │ ├── profiler_cache.py │ │ ├── profiler_runner.py │ │ ├── registry.py │ │ ├── rocm │ │ │ ├── __init__.py │ │ │ ├── attention │ │ │ │ ├── __init__.py │ │ │ │ └── mem_eff_attention.py │ │ │ ├── common │ │ │ │ ├── __init__.py │ │ │ │ └── dummy_op.py │ │ │ ├── conv2d │ │ │ │ ├── __init__.py │ │ │ │ ├── common.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── conv2d_bias.py │ │ │ │ ├── conv2d_bias_add.py │ │ │ │ ├── conv2d_bias_add_relu.py │ │ │ │ ├── conv2d_bias_relu.py │ │ │ │ ├── conv2d_bias_sigmoid.py │ │ │ │ ├── transposed_conv2d.py │ │ │ │ └── transposed_conv2d_bias_relu.py │ │ │ ├── elementwise │ │ │ │ ├── __init__.py │ │ │ │ ├── custom_math.h │ │ │ │ └── fused_elementwise.py │ │ │ ├── embedding │ │ │ │ ├── __init__.py │ │ │ │ └── bert_embeddings.py │ │ │ ├── gemm │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm_ccr.py │ │ │ │ ├── bmm_ccr_add.py │ │ │ │ ├── bmm_common.py │ │ │ │ ├── bmm_crr.py │ │ │ │ ├── bmm_crr_add.py │ │ │ │ ├── bmm_permute_common.py │ │ │ │ ├── bmm_rcr.py │ │ │ │ ├── bmm_rcr_permute.py │ │ │ │ ├── bmm_rrr.py │ │ │ │ ├── bmm_rrr_add.py │ │ │ │ ├── bmm_rrr_permute.py │ │ │ │ ├── bmm_softmax_bmm.py │ │ │ │ ├── bmm_softmax_bmm_permute.py │ │ │ │ ├── common.py │ │ │ │ ├── gemm_epilogue.py │ │ │ │ ├── gemm_rcr.py │ │ │ │ ├── gemm_rcr_bias.py │ │ │ │ ├── gemm_rcr_bias_add.py │ │ │ │ ├── gemm_rcr_bias_add_add.py │ │ │ │ ├── gemm_rcr_bias_add_add_relu.py │ │ │ │ ├── gemm_rcr_bias_add_relu.py │ │ │ │ ├── gemm_rcr_bias_fast_gelu.py │ │ │ │ ├── gemm_rcr_bias_hardswish.py │ │ │ │ ├── gemm_rcr_bias_mul.py │ │ │ │ ├── gemm_rcr_bias_mul_add.py │ │ │ │ ├── gemm_rcr_bias_mul_tanh.py │ │ │ │ ├── gemm_rcr_bias_permute.py │ │ │ │ ├── gemm_rcr_bias_permute_m2n3.py │ │ │ │ ├── gemm_rcr_bias_permute_m3n2.py │ │ │ │ ├── gemm_rcr_bias_relu.py │ │ │ │ ├── gemm_rcr_bias_sigmoid.py │ │ │ │ ├── gemm_rcr_bias_sigmoid_mul.py │ │ │ │ ├── gemm_rcr_bias_sigmoid_mul_tanh.py │ │ │ │ ├── gemm_rcr_bias_swish.py │ │ │ │ ├── gemm_rcr_bias_tanh.py │ │ │ │ ├── gemm_rcr_permute_m2n3.py │ │ │ │ ├── gemm_rrr.py │ │ │ │ ├── gemm_rrr_bias_permute.py │ │ │ │ ├── layout.py │ │ │ │ └── permute_common.py │ │ │ ├── lib_template.py │ │ │ ├── normalization │ │ │ │ ├── __init__.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── groupnorm_swish.py │ │ │ │ ├── layernorm.py │ │ │ │ ├── norm_common.py │ │ │ │ └── softmax.py │ │ │ ├── padding │ │ │ │ ├── __init__.py │ │ │ │ ├── nhwc3to4.py │ │ │ │ ├── nhwc3to8.py │ │ │ │ └── pad_last_dim.py │ │ │ ├── pool2d │ │ │ │ ├── __init__.py │ │ │ │ ├── avg_pool2d.py │ │ │ │ ├── max_pool2d.py │ │ │ │ └── pool2d.py │ │ │ ├── target_def.py │ │ │ ├── tensor │ │ │ │ ├── __init__.py │ │ │ │ ├── argmax.py │ │ │ │ ├── batch_gather.py │ │ │ │ ├── concatenate.py │ │ │ │ ├── concatenate_tanh.py │ │ │ │ ├── dynamic_slice.py │ │ │ │ ├── expand.py │ │ │ │ ├── expand_static_shape.py │ │ │ │ ├── full.py │ │ │ │ ├── identity.py │ │ │ │ ├── permute021.py │ │ │ │ ├── permute0213.py │ │ │ │ ├── permute102.py │ │ │ │ ├── permute210.py │ │ │ │ ├── repeat.h │ │ │ │ ├── slice_reshape_scatter.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── split.py │ │ │ │ └── topk.py │ │ │ ├── upsample │ │ │ │ ├── __init__.py │ │ │ │ ├── upsampling2d.py │ │ │ │ └── upsampling2d_add.py │ │ │ ├── utils.py │ │ │ ├── view_ops │ │ │ │ ├── __init__.py │ │ │ │ └── view_ops.py │ │ │ └── vision_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── efficient_nms.py │ │ │ │ ├── nms.py │ │ │ │ └── roi_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── multi_level_roi_align.py │ │ │ │ └── roi_align.py │ │ ├── target.py │ │ └── task_runner.py │ ├── compiler │ │ ├── __init__.py │ │ ├── base.py │ │ ├── compiler.py │ │ ├── dtype.py │ │ ├── model.py │ │ ├── op_registry.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── attention │ │ │ │ ├── __init__.py │ │ │ │ ├── flash_attention.py │ │ │ │ └── mem_eff_attention.py │ │ │ ├── b2b_bmm │ │ │ │ ├── __init__.py │ │ │ │ ├── b2b_bmm_base.py │ │ │ │ ├── classic_b2b_bmm.py │ │ │ │ ├── fmha_style_b2b_bmm.py │ │ │ │ ├── grouped_classic_b2b_bmm.py │ │ │ │ └── grouped_fmha_style_b2b_bmm.py │ │ │ ├── common │ │ │ │ ├── __init__.py │ │ │ │ ├── elementwise.py │ │ │ │ ├── epilogue.py │ │ │ │ ├── fused_elementwise.py │ │ │ │ ├── int_elementwise.py │ │ │ │ ├── math.py │ │ │ │ ├── python_ops.py │ │ │ │ └── view_ops.py │ │ │ ├── conv │ │ │ │ ├── __init__.py │ │ │ │ ├── cache_entry.py │ │ │ │ ├── common_conv2d_bias_activation.py │ │ │ │ ├── common_conv2d_bias_add_activation.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── conv2d_bias.py │ │ │ │ ├── conv2d_bias_add.py │ │ │ │ ├── conv2d_bias_add_hardswish.py │ │ │ │ ├── conv2d_bias_add_relu.py │ │ │ │ ├── conv2d_bias_few_channels.py │ │ │ │ ├── conv2d_bias_hardswish.py │ │ │ │ ├── conv2d_bias_hardswish_few_channels.py │ │ │ │ ├── conv2d_bias_relu.py │ │ │ │ ├── conv2d_bias_relu_few_channels.py │ │ │ │ ├── conv2d_bias_sigmoid.py │ │ │ │ ├── conv2d_depthwise.py │ │ │ │ ├── conv2d_depthwise_bias.py │ │ │ │ ├── conv3d.py │ │ │ │ ├── conv3d_bias.py │ │ │ │ ├── conv_common.py │ │ │ │ ├── depthwise_conv3d.py │ │ │ │ ├── special_conv2d_bias_activation.py │ │ │ │ ├── transposed_conv2d.py │ │ │ │ ├── transposed_conv2d_bias.py │ │ │ │ └── transposed_conv2d_bias_relu.py │ │ │ ├── embedding │ │ │ │ ├── __init__.py │ │ │ │ └── bert_embeddings.py │ │ │ ├── gemm_epilogue_vistor │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm_rcr_softmax.py │ │ │ │ ├── dual_bmm_rrr_div.py │ │ │ │ ├── dual_gemm_rcr_fast_gelu.py │ │ │ │ ├── dual_gemm_rcr_silu.py │ │ │ │ ├── gemm_rcr_bias_softmax.py │ │ │ │ └── gemm_rcr_softmax.py │ │ │ ├── gemm_special │ │ │ │ ├── __init__.py │ │ │ │ ├── batched_dense_vec_jagged_2d_mul.py │ │ │ │ ├── bmm_rcr_n1.py │ │ │ │ ├── bmm_rrr_k1_tanh.py │ │ │ │ └── gemm_rrr_small_nk.py │ │ │ ├── gemm_universal │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm.py │ │ │ │ ├── bmm_rcr_permute.py │ │ │ │ ├── bmm_rrr_permute.py │ │ │ │ ├── bmm_softmax_bmm.py │ │ │ │ ├── bmm_softmax_bmm_permute.py │ │ │ │ ├── bmm_xxx.py │ │ │ │ ├── bmm_xxx_add.py │ │ │ │ ├── cache_entry.py │ │ │ │ ├── gemm_common.py │ │ │ │ ├── gemm_rcr.py │ │ │ │ ├── gemm_rcr_bias.py │ │ │ │ ├── gemm_rcr_bias_add.py │ │ │ │ ├── gemm_rcr_bias_add_add.py │ │ │ │ ├── gemm_rcr_bias_add_add_relu.py │ │ │ │ ├── gemm_rcr_bias_add_relu.py │ │ │ │ ├── gemm_rcr_bias_broadcast.py │ │ │ │ ├── gemm_rcr_bias_fast_gelu.py │ │ │ │ ├── gemm_rcr_bias_gelu.py │ │ │ │ ├── gemm_rcr_bias_hardswish.py │ │ │ │ ├── gemm_rcr_bias_mul.py │ │ │ │ ├── gemm_rcr_bias_mul_add.py │ │ │ │ ├── gemm_rcr_bias_mul_tanh.py │ │ │ │ ├── gemm_rcr_bias_permute.py │ │ │ │ ├── gemm_rcr_bias_relu.py │ │ │ │ ├── gemm_rcr_bias_sigmoid.py │ │ │ │ ├── gemm_rcr_bias_sigmoid_mul.py │ │ │ │ ├── gemm_rcr_bias_sigmoid_mul_tanh.py │ │ │ │ ├── gemm_rcr_bias_swish.py │ │ │ │ ├── gemm_rcr_bias_tanh.py │ │ │ │ ├── gemm_rcr_fast_gelu.py │ │ │ │ ├── gemm_rcr_permute.py │ │ │ │ ├── gemm_rcr_permute_elup1.py │ │ │ │ ├── gemm_rrr.py │ │ │ │ ├── gemm_rrr_bias.py │ │ │ │ ├── gemm_rrr_bias_permute.py │ │ │ │ ├── gemm_rrr_permute.py │ │ │ │ ├── group_gemm_rcr.py │ │ │ │ ├── group_gemm_rcr_bias.py │ │ │ │ ├── group_gemm_rcr_bias_relu.py │ │ │ │ ├── group_gemm_rcr_bias_sigmoid.py │ │ │ │ ├── perm021fc_ccr.py │ │ │ │ ├── perm021fc_ccr_bias.py │ │ │ │ ├── perm021fc_ccr_bias_permute.py │ │ │ │ ├── perm021fc_crc.py │ │ │ │ ├── perm021fc_crc_bias.py │ │ │ │ ├── perm102_bmm_rcr.py │ │ │ │ ├── perm102_bmm_rcr_bias.py │ │ │ │ ├── perm102_bmm_rrr.py │ │ │ │ └── perm102_bmm_rrr_bias.py │ │ │ ├── groupnorm │ │ │ │ ├── __init__.py │ │ │ │ ├── groupnorm.py │ │ │ │ └── groupnorm_swish.py │ │ │ ├── jagged │ │ │ │ ├── __init__.py │ │ │ │ ├── jagged_lengths_to_offsets.py │ │ │ │ └── jagged_lengths_to_presences.py │ │ │ ├── layernorm │ │ │ │ ├── __init__.py │ │ │ │ ├── batch_layernorm_sigmoid_mul.py │ │ │ │ ├── group_layernorm.py │ │ │ │ ├── group_layernorm_sigmoid_mul.py │ │ │ │ ├── layernorm.py │ │ │ │ └── layernorm_sigmoid_mul.py │ │ │ ├── padding │ │ │ │ ├── __init__.py │ │ │ │ ├── ndhwc3to8.py │ │ │ │ ├── nhwc3to4.py │ │ │ │ ├── nhwc3to8.py │ │ │ │ ├── nhwc_pad_common.py │ │ │ │ └── pad_last_dim.py │ │ │ ├── pool │ │ │ │ ├── __init__.py │ │ │ │ ├── avg_pool2d.py │ │ │ │ ├── max_pool2d.py │ │ │ │ └── pool2d.py │ │ │ ├── reduce │ │ │ │ ├── __init__.py │ │ │ │ ├── reduce_common.py │ │ │ │ ├── reduce_max.py │ │ │ │ ├── reduce_mean.py │ │ │ │ ├── reduce_min.py │ │ │ │ ├── reduce_sum.py │ │ │ │ ├── var.py │ │ │ │ └── vector_norm.py │ │ │ ├── softmax │ │ │ │ ├── __init__.py │ │ │ │ ├── cache_entry.py │ │ │ │ └── softmax.py │ │ │ ├── tensor │ │ │ │ ├── __init__.py │ │ │ │ ├── argmax.py │ │ │ │ ├── batch_gather.py │ │ │ │ ├── cast.py │ │ │ │ ├── chunk.py │ │ │ │ ├── concatenate.py │ │ │ │ ├── concatenate_tanh.py │ │ │ │ ├── dynamic_slice.py │ │ │ │ ├── expand.py │ │ │ │ ├── full.py │ │ │ │ ├── gather.py │ │ │ │ ├── identity.py │ │ │ │ ├── index_select.py │ │ │ │ ├── jagged_to_padded_dense.py │ │ │ │ ├── masked_select.py │ │ │ │ ├── padded_dense_to_jagged.py │ │ │ │ ├── permute.py │ │ │ │ ├── permute021.py │ │ │ │ ├── permute0213.py │ │ │ │ ├── permute102.py │ │ │ │ ├── permute210.py │ │ │ │ ├── relational.py │ │ │ │ ├── size.py │ │ │ │ ├── slice_reshape_scatter.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── split.py │ │ │ │ ├── topk.py │ │ │ │ ├── transpose.py │ │ │ │ └── where.py │ │ │ ├── upsample │ │ │ │ ├── __init__.py │ │ │ │ ├── upsampling2d.py │ │ │ │ ├── upsampling2d_add.py │ │ │ │ └── upsampling_common.py │ │ │ └── vision_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── nms │ │ │ │ ├── __init__.py │ │ │ │ ├── batched_nms.py │ │ │ │ ├── efficient_nms.py │ │ │ │ └── nms.py │ │ │ │ └── roi_ops │ │ │ │ ├── __init__.py │ │ │ │ ├── multi_level_roi_align.py │ │ │ │ ├── roi_align.py │ │ │ │ └── roi_ops.py │ │ ├── public │ │ │ └── __init__.py │ │ ├── stable_set.py │ │ ├── symbolic.py │ │ ├── tensor_accessor.py │ │ └── transform │ │ │ ├── __init__.py │ │ │ ├── apply_padding.py │ │ │ ├── bind_constants.py │ │ │ ├── constant_folding.py │ │ │ ├── dedup_make_jagged_ops.py │ │ │ ├── fuse_bmm_permute.py │ │ │ ├── fuse_conv_elementwise.py │ │ │ ├── fuse_conv_patterns.py │ │ │ ├── fuse_duplicate_fused_elementwise.py │ │ │ ├── fuse_expand_bmm.py │ │ │ ├── fuse_group_ops.py │ │ │ ├── fuse_mm_elementwise.py │ │ │ ├── fuse_mm_elementwise_patterns.py │ │ │ ├── fuse_mm_reshape_permute.py │ │ │ ├── fuse_ops.py │ │ │ ├── fuse_parallel_gemms.py │ │ │ ├── fuse_permute_bmm_and_gemm.py │ │ │ ├── fuse_split.py │ │ │ ├── fuse_utils.py │ │ │ ├── mark_param_tensor.py │ │ │ ├── memory_planning.py │ │ │ ├── move_view_ops.py │ │ │ ├── name_graph.py │ │ │ ├── optimize_graph.py │ │ │ ├── profile.py │ │ │ ├── profile_dynamic_dim.py │ │ │ ├── refine_graph.py │ │ │ ├── remove_elementwise_no_ops.py │ │ │ ├── remove_no_ops.py │ │ │ ├── remove_unused_ops.py │ │ │ ├── split_large_concat_ops.py │ │ │ ├── split_large_slice_scatter_ops.py │ │ │ ├── split_large_split_ops.py │ │ │ ├── toposort.py │ │ │ ├── transform_memory_ops.py │ │ │ ├── transform_merge_slice_ops.py │ │ │ ├── transform_merge_view_ops.py │ │ │ ├── transform_odd_alignment.py │ │ │ ├── transform_permutations.py │ │ │ ├── transform_permute_to_reshape.py │ │ │ ├── transform_special_ops.py │ │ │ ├── transform_strided_op_and_view_op.py │ │ │ ├── transform_strided_ops.py │ │ │ ├── transform_strided_ops_utils.py │ │ │ ├── transform_strided_slice.py │ │ │ └── transform_utils.py │ ├── frontend │ │ ├── __init__.py │ │ ├── nn │ │ │ ├── __init__.py │ │ │ ├── activation.py │ │ │ ├── attention.py │ │ │ ├── batch_norm.py │ │ │ ├── container.py │ │ │ ├── conv1d.py │ │ │ ├── conv2d │ │ │ │ ├── __init__.py │ │ │ │ ├── common_conv2d_bias_act.py │ │ │ │ ├── common_conv2d_bias_add_act.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── conv2d_bias.py │ │ │ │ ├── conv2d_bias_add_hardswish.py │ │ │ │ ├── conv2d_bias_add_relu.py │ │ │ │ ├── conv2d_bias_few_channels.py │ │ │ │ ├── conv2d_bias_hardswish.py │ │ │ │ ├── conv2d_bias_hardswish_few_channels.py │ │ │ │ ├── conv2d_bias_relu.py │ │ │ │ ├── conv2d_bias_relu_few_channels.py │ │ │ │ ├── conv2d_bias_sigmoid.py │ │ │ │ ├── conv2d_depthwise.py │ │ │ │ ├── conv2d_depthwise_bias.py │ │ │ │ ├── special_conv2d_bias_act.py │ │ │ │ ├── transposed_conv2d_bias.py │ │ │ │ ├── transposed_conv2d_bias_act.py │ │ │ │ └── transposed_conv2d_bias_relu.py │ │ │ ├── conv3d.py │ │ │ ├── dropout.py │ │ │ ├── dual_gemm.py │ │ │ ├── embedding.py │ │ │ ├── fpn_proposal.py │ │ │ ├── group_norm.py │ │ │ ├── head.py │ │ │ ├── identity.py │ │ │ ├── layer_norm.py │ │ │ ├── linear.py │ │ │ ├── module.py │ │ │ ├── multiscale_attention.py │ │ │ ├── padding.py │ │ │ ├── parameter.py │ │ │ ├── patch_embed.py │ │ │ ├── pool2d.py │ │ │ ├── pool3d.py │ │ │ ├── positional_encoding.py │ │ │ ├── proposal.py │ │ │ ├── roi_ops.py │ │ │ ├── softmax.py │ │ │ ├── upsample.py │ │ │ ├── vanilla_attention.py │ │ │ ├── view_ops.py │ │ │ └── vision_transformers.py │ │ └── parameter.py │ ├── testing │ │ ├── __init__.py │ │ ├── benchmark_ait.py │ │ ├── benchmark_pt.py │ │ ├── benchmark_trt.py │ │ ├── detect_target.py │ │ ├── jagged_utils.py │ │ ├── profile.py │ │ └── test_utils.py │ └── utils │ │ ├── __init__.py │ │ ├── alignment.py │ │ ├── debug_settings.py │ │ ├── environ.py │ │ ├── graph_utils.py │ │ ├── import_path.py │ │ ├── io.py │ │ ├── json_utils.py │ │ ├── markdown_table.py │ │ ├── misc.py │ │ ├── mk_ck_lib │ │ ├── __init__.py │ │ ├── conv2d_operation.py │ │ ├── gemm_operation.py │ │ ├── generator.py │ │ ├── groupnorm_operation.py │ │ ├── layernorm_operation.py │ │ ├── library.py │ │ ├── manifest.py │ │ └── softmax_operation.py │ │ ├── mk_cutlass_lib │ │ ├── extra_conv_emit.py │ │ ├── extra_cutlass_generator.py │ │ ├── extra_enum.py │ │ ├── extra_gemm_emit.py │ │ └── mk_cutlass_lib.py │ │ ├── serialization │ │ ├── ait_program.py │ │ └── serdes_code.py │ │ ├── shape_utils.py │ │ ├── tensor_utils.py │ │ ├── torch_utils.py │ │ └── visualization │ │ ├── __init__.py │ │ ├── op_attr_factory.py │ │ ├── plot.py │ │ ├── pydot.py │ │ └── web_template.py └── setup.py ├── static ├── README.md ├── csrc │ ├── debug_utility.cpp │ ├── model_container.cpp │ ├── model_interface.cpp │ ├── rocm_hack.cpp │ ├── standalone.cpp │ ├── utility.cpp │ └── windll.cpp └── include │ ├── cuda_device_functions.h │ ├── debug_utility.h │ ├── jagged.h │ ├── kernels │ ├── classic_b2b_bmm │ │ ├── device │ │ │ └── b2b_batched_gemm.h │ │ ├── kernel │ │ │ ├── b2b_batched_gemm.h │ │ │ └── default_b2b_batched_gemm.h │ │ ├── thread │ │ │ └── linear_combination_triu.h │ │ ├── threadblock │ │ │ ├── b2b_mma_base.h │ │ │ ├── b2b_mma_multistage.h │ │ │ ├── b2b_mma_pipelined.h │ │ │ ├── custom_epilogue_tensor_op.h │ │ │ ├── default_b2b_mma.h │ │ │ ├── default_gmem_to_accum_loader_tensor_op.h │ │ │ ├── gmem_to_accum_loader.h │ │ │ └── gmem_to_accum_loader_shared_load_iterator.h │ │ └── warp │ │ │ ├── gmem_to_accum_loader_fragment_iterator_tensor_op.h │ │ │ └── triu_mma_tensor_op_fragment_iterator.h │ ├── debug_string.h │ ├── fmha_style_b2b_bmm │ │ ├── attention_scaling_coefs_updater.h │ │ ├── debug_utils.h │ │ ├── epilogue_pipelined.h │ │ ├── epilogue_rescale_output.h │ │ ├── find_default_mma.h │ │ ├── gemm_kernel_utils.h │ │ ├── iterators │ │ │ ├── epilogue_predicated_tile_iterator.h │ │ │ ├── make_residual_last.h │ │ │ ├── predicated_tile_access_iterator_residual_last.h │ │ │ ├── predicated_tile_iterator_residual_last.h │ │ │ ├── transpose_warp_iterator.h │ │ │ └── warp_iterator_from_smem.h │ │ ├── kernel_forward.h │ │ ├── mma_from_smem.h │ │ └── transform │ │ │ └── tile_smem_loader.h │ ├── grouped_classic_b2b_bmm │ │ ├── device │ │ │ └── b2b_batched_gemm.h │ │ ├── kernel │ │ │ ├── b2b_batched_gemm.h │ │ │ └── default_b2b_batched_gemm.h │ │ ├── thread │ │ │ └── linear_combination_triu.h │ │ ├── threadblock │ │ │ ├── b2b_mma_base.h │ │ │ ├── b2b_mma_multistage.h │ │ │ ├── b2b_mma_pipelined.h │ │ │ ├── custom_epilogue_tensor_op.h │ │ │ ├── default_b2b_mma.h │ │ │ ├── default_gmem_to_accum_loader_tensor_op.h │ │ │ ├── gmem_to_accum_loader.h │ │ │ ├── gmem_to_accum_loader_shared_load_iterator.h │ │ │ └── non_predicated_tile_access_iterator.h │ │ └── warp │ │ │ ├── gmem_to_accum_loader_fragment_iterator_tensor_op.h │ │ │ └── triu_mma_tensor_op_fragment_iterator.h │ ├── kat_printf.h │ └── mem_eff_attention │ │ ├── attention_scaling_coefs_updater.h │ │ ├── debug_utils.h │ │ ├── default_fmha_grouped.h │ │ ├── epilogue_pipelined.h │ │ ├── epilogue_rescale_output.h │ │ ├── epilogue_thread_apply_logsumexp.h │ │ ├── find_default_mma.h │ │ ├── fmha_grouped.h │ │ ├── fmha_grouped_problem_visitor.h │ │ ├── gemm │ │ ├── custom_mma.h │ │ ├── custom_mma_base.h │ │ ├── custom_mma_multistage.h │ │ └── custom_mma_pipelined.h │ │ ├── gemm_kernel_utils.h │ │ ├── iterators │ │ ├── epilogue_predicated_tile_iterator.h │ │ ├── make_residual_last.h │ │ ├── predicated_tile_access_iterator_residual_last.h │ │ └── predicated_tile_iterator_residual_last.h │ │ ├── kernel_forward.h │ │ └── mma_from_smem.h │ ├── logging.h │ ├── macros.h │ ├── model.h │ ├── model_container.h │ ├── model_interface.h │ ├── owned_constants.h │ ├── raii_wrapper.h │ ├── rocm_device_functions.h │ ├── utility.h │ └── windll.h └── tests ├── ci_profile_cache ├── README.md └── update_cache.py ├── lint ├── check_meta_header.py └── flake8_problem_matcher.json └── unittest ├── backend ├── test_build_cache.py ├── test_codegen_output_aliases.py ├── test_codegen_output_tensor.py ├── test_cuda_graph.py ├── test_fused_elementwise_backend.py ├── test_gen_standalone.py ├── test_model_api.py └── test_profiler.py ├── benchmark ├── test_gemm_benchmark.py ├── test_group_gemm_benchmark.py └── test_strided_layernorm_benchmark.py ├── compiler ├── test_compilation_failure.py ├── test_constant_folding.py ├── test_eliminate_permutations.py ├── test_fuse_bmm_permute.py ├── test_fuse_cat_view_cat.py ├── test_fuse_conv_elementwise.py ├── test_fuse_duplicate_fused_elementwise.py ├── test_fuse_expand.py ├── test_fuse_expand_bmm.py ├── test_fuse_mm_elementwise.py ├── test_fuse_mm_reshape_permute.py ├── test_fuse_ops.py ├── test_fuse_permute_bmm.py ├── test_fuse_permute_gemm.py ├── test_fuse_split_cat.py ├── test_fused_elementwise_complex_dependency.py ├── test_fused_elementwise_out_of_order.py ├── test_fused_elementwise_singleton.py ├── test_group_fusions.py ├── test_memory_planning.py ├── test_merge_slice_ops.py ├── test_merge_view_ops.py ├── test_move_view_ops.py ├── test_op_common_elementwise.py ├── test_pad_bmm_rrr_bias_with_cat.py ├── test_pad_gemm_rrr_with_cat.py ├── test_pad_gemm_with_cat.py ├── test_pad_gemm_with_elementwise.py ├── test_parallel_gemm_fusions.py ├── test_permute_bmm_special_op.py ├── test_public_import.py ├── test_refine_graph.py ├── test_remove_elementwise_no_ops.py ├── test_remove_id_ops.py ├── test_remove_no_op_concats.py ├── test_remove_no_op_dynamic_slices.py ├── test_remove_no_op_splits.py ├── test_remove_unused_ops.py ├── test_slice_bmm_fusion.py ├── test_slice_elemwise_fusion.py ├── test_slice_gemm_fusion.py ├── test_slice_permute021_fusion.py ├── test_slice_reshape_scatter.py ├── test_slice_scatter_pattern.py ├── test_slice_view_strided.py ├── test_split_bmm_fusion.py ├── test_split_bmm_softmax_bmm.py ├── test_split_full_idx.py ├── test_split_large_concat.py ├── test_split_large_slice_reshape_scatter.py ├── test_split_large_slice_scatter.py ├── test_split_large_split.py ├── test_split_view_strided.py ├── test_strided_group_gemm.py ├── test_strided_group_layernorm.py ├── test_strided_layernorm.py ├── test_strided_layernorm_reshape.py ├── test_strided_op_cat_pattern.py ├── test_strided_reshape_cat.py ├── test_strided_scatter.py ├── test_strided_split_group_gemm.py ├── test_strided_view_cat.py ├── test_strided_view_op.py ├── test_symbolic.py ├── test_tensor.py ├── test_tensor_accessor.py ├── test_transform_memory_ops.py ├── test_transform_odd_alignment.py ├── test_transform_permute_to_reshape.py ├── test_transform_special_op.py ├── test_transform_toposort.py ├── test_transform_utils.py └── test_view_strided_op.py ├── frontend └── test_module.py ├── ops ├── test_activation.py ├── test_argmax.py ├── test_argmax_sm80.py ├── test_attention.py ├── test_avg_pool2d.py ├── test_b2b_bmm.py ├── test_batch_gather.py ├── test_batch_norm.py ├── test_batched_dense_vec_jagged_2d_mul.py ├── test_bert_embeddings.py ├── test_bmm.py ├── test_bmm_add.py ├── test_bmm_alpha.py ├── test_bmm_permute.py ├── test_bmm_rcr_n1.py ├── test_bmm_rrr_k1_tanh.py ├── test_bmm_softmax.py ├── test_bmm_softmax_bmm.py ├── test_cast.py ├── test_chunk.py ├── test_clamp_nan_to_num.py ├── test_concatenate.py ├── test_concatenate_tanh.py ├── test_conv.py ├── test_conv2d_bias_add.py ├── test_conv3d.py ├── test_conv3d_profiler_cache.py ├── test_conv_bias.py ├── test_conv_bias_act_few_channels.py ├── test_conv_bias_add_hardswish.py ├── test_conv_bias_add_relu.py ├── test_conv_bias_hardswish.py ├── test_conv_bias_relu.py ├── test_conv_bias_sigmoid.py ├── test_conv_depthwise.py ├── test_conv_depthwise_bias.py ├── test_conv_profiler_cache.py ├── test_cross_attention.py ├── test_depthwise_conv3d.py ├── test_dual_bmm.py ├── test_dual_gemm.py ├── test_dynamic_conv.py ├── test_efficient_nms.py ├── test_expand.py ├── test_flatten.py ├── test_fpn_roi_align.py ├── test_full.py ├── test_fused_elementwise.py ├── test_fused_elementwise_broadcast.py ├── test_fused_elementwise_with_strided_outputs.py ├── test_gather.py ├── test_gemm.py ├── test_gemm_bias.py ├── test_gemm_bias_broadcast.py ├── test_gemm_bias_hardswish.py ├── test_gemm_bias_permute.py ├── test_gemm_bias_relu.py ├── test_gemm_bias_sigmoid.py ├── test_gemm_bias_softmax.py ├── test_gemm_bias_swish.py ├── test_gemm_bias_tanh.py ├── test_gemm_no_tf32.py ├── test_gemm_permute.py ├── test_gemm_profiler_cache.py ├── test_gemm_rcr_bias_fast_gelu.py ├── test_gemm_rcr_fast_gelu.py ├── test_gemm_rrr_small_nk.py ├── test_gemm_softmax.py ├── test_group_gemm_rcr.py ├── test_group_gemm_rcr_bias.py ├── test_group_gemm_rcr_bias_activation.py ├── test_group_gemm_rcr_bias_cat.py ├── test_group_gemm_rcr_cat.py ├── test_grouped_b2b_bmm.py ├── test_grouped_classic_b2b_bmm.py ├── test_groupnorm.py ├── test_identity.py ├── test_index_select.py ├── test_int_elementwise_dynamic_reshape.py ├── test_jagged_elementwise.py ├── test_jagged_lengths_to_offsets.py ├── test_jagged_lengths_to_presences.py ├── test_jagged_to_padded_dense.py ├── test_layernorm.py ├── test_layernorm_sigmoid_mul.py ├── test_make_jagged.py ├── test_masked_select.py ├── test_max_pool2d.py ├── test_max_pool3d.py ├── test_ndhwc3to8.py ├── test_nhwc3to4.py ├── test_nhwc3to8.py ├── test_nms.py ├── test_nn_gelu.py ├── test_norm.py ├── test_pad_last_dim.py ├── test_padded_dense_to_jagged.py ├── test_perm021fc_ccr.py ├── test_perm021fc_ccr_bias.py ├── test_perm021fc_ccr_bias_perm021.py ├── test_perm021fc_crc.py ├── test_perm021fc_crc_bias.py ├── test_perm102_bmm_rcr.py ├── test_perm102_bmm_rrr.py ├── test_permute.py ├── test_permute021.py ├── test_permute0213.py ├── test_permute102.py ├── test_permute210.py ├── test_proposal.py ├── test_reduce.py ├── test_relational.py ├── test_reshape.py ├── test_roi_align.py ├── test_size_getitem_ops.py ├── test_slice.py ├── test_softmax.py ├── test_split.py ├── test_split_getitem.py ├── test_squeeze.py ├── test_topk.py ├── test_transpose.py ├── test_transpose_conv2d.py ├── test_transpose_conv2d_bias.py ├── test_transpose_conv2d_bias_relu.py ├── test_tuple_list_construct.py ├── test_upsampling2d.py ├── test_upsampling2d_add.py ├── test_vanilla_attention.py ├── test_var.py └── test_where.py ├── test_stable_set.py └── util ├── test_debug_utils.py └── test_serdes.py /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.clang-format -------------------------------------------------------------------------------- /.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.flake8 -------------------------------------------------------------------------------- /.github/workflows/docs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.github/workflows/docs.yaml -------------------------------------------------------------------------------- /.github/workflows/pages.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.github/workflows/pages.yaml -------------------------------------------------------------------------------- /.github/workflows/pylint.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.github/workflows/pylint.yaml -------------------------------------------------------------------------------- /.github/workflows/rocm_ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.github/workflows/rocm_ci.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/.gitmodules -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/CITATION.cff -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/README.md -------------------------------------------------------------------------------- /default.nix: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/default.nix -------------------------------------------------------------------------------- /docker/Dockerfile.cuda: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/Dockerfile.cuda -------------------------------------------------------------------------------- /docker/Dockerfile.rocm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/Dockerfile.rocm -------------------------------------------------------------------------------- /docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/README.md -------------------------------------------------------------------------------- /docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/build.sh -------------------------------------------------------------------------------- /docker/install/install_ait.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/install/install_ait.sh -------------------------------------------------------------------------------- /docker/install/install_basic_dep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/install/install_basic_dep.sh -------------------------------------------------------------------------------- /docker/install/install_detection_deps.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/install/install_detection_deps.sh -------------------------------------------------------------------------------- /docker/install/install_doc_dep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/install/install_doc_dep.sh -------------------------------------------------------------------------------- /docker/install/install_test_dep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/install/install_test_dep.sh -------------------------------------------------------------------------------- /docker/install/rocm_dev-requirements.txt: -------------------------------------------------------------------------------- 1 | ROCmSoftwarePlatform/rocm-recipes 2 | # 1.90+ 3 | danmar/cppcheck@dd05839a7e63ef04afd34711cb3e1e0ef742882f 4 | -------------------------------------------------------------------------------- /docker/rocm_fix/fix_10736.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docker/rocm_fix/fix_10736.py -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/image/gpu_grid_block.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/gpu_grid_block.png -------------------------------------------------------------------------------- /docs/image/pack_size_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/pack_size_1.png -------------------------------------------------------------------------------- /docs/image/pack_size_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/pack_size_2.png -------------------------------------------------------------------------------- /docs/image/pack_size_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/pack_size_4.png -------------------------------------------------------------------------------- /docs/image/pack_size_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/pack_size_8.png -------------------------------------------------------------------------------- /docs/image/softmax.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/softmax.png -------------------------------------------------------------------------------- /docs/image/vs_oneflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/image/vs_oneflow.png -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/source/arch/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/arch/index.rst -------------------------------------------------------------------------------- /docs/source/arch/philosophy.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/arch/philosophy.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/debughints.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/debughints.rst -------------------------------------------------------------------------------- /docs/source/genindex.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/genindex.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/install/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/install/index.rst -------------------------------------------------------------------------------- /docs/source/reference/backend.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/backend.rst -------------------------------------------------------------------------------- /docs/source/reference/compiler.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/compiler.rst -------------------------------------------------------------------------------- /docs/source/reference/cuda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/cuda.rst -------------------------------------------------------------------------------- /docs/source/reference/env.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/env.rst -------------------------------------------------------------------------------- /docs/source/reference/frontend.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/frontend.rst -------------------------------------------------------------------------------- /docs/source/reference/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/index.rst -------------------------------------------------------------------------------- /docs/source/reference/ops.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/ops.rst -------------------------------------------------------------------------------- /docs/source/reference/rocm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/rocm.rst -------------------------------------------------------------------------------- /docs/source/reference/testing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/testing.rst -------------------------------------------------------------------------------- /docs/source/reference/transform.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/transform.rst -------------------------------------------------------------------------------- /docs/source/reference/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/reference/utils.rst -------------------------------------------------------------------------------- /docs/source/runtime/cxx_design.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/runtime/cxx_design.rst -------------------------------------------------------------------------------- /docs/source/runtime/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/runtime/index.rst -------------------------------------------------------------------------------- /docs/source/runtime/py_design.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/runtime/py_design.rst -------------------------------------------------------------------------------- /docs/source/tutorial/how_to_add_op.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/tutorial/how_to_add_op.rst -------------------------------------------------------------------------------- /docs/source/tutorial/how_to_infer_pt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/tutorial/how_to_infer_pt.rst -------------------------------------------------------------------------------- /docs/source/tutorial/how_to_visualize.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/tutorial/how_to_visualize.rst -------------------------------------------------------------------------------- /docs/source/tutorial/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/source/tutorial/index.rst -------------------------------------------------------------------------------- /docs/static/ait_model.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/docs/static/ait_model.html -------------------------------------------------------------------------------- /examples/01_resnet-50/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/README.md -------------------------------------------------------------------------------- /examples/01_resnet-50/benchmark_ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/benchmark_ait.py -------------------------------------------------------------------------------- /examples/01_resnet-50/benchmark_mi250.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/benchmark_mi250.sh -------------------------------------------------------------------------------- /examples/01_resnet-50/benchmark_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/benchmark_pt.py -------------------------------------------------------------------------------- /examples/01_resnet-50/infer_with_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/infer_with_torch.py -------------------------------------------------------------------------------- /examples/01_resnet-50/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/modeling/__init__.py -------------------------------------------------------------------------------- /examples/01_resnet-50/modeling/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/modeling/resnet.py -------------------------------------------------------------------------------- /examples/01_resnet-50/test_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/test_correctness.py -------------------------------------------------------------------------------- /examples/01_resnet-50/weight_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/01_resnet-50/weight_utils.py -------------------------------------------------------------------------------- /examples/02_detectron2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/README.md -------------------------------------------------------------------------------- /examples/02_detectron2/compile_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/compile_model.py -------------------------------------------------------------------------------- /examples/02_detectron2/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/configs/__init__.py -------------------------------------------------------------------------------- /examples/02_detectron2/configs/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/configs/config.py -------------------------------------------------------------------------------- /examples/02_detectron2/configs/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/configs/defaults.py -------------------------------------------------------------------------------- /examples/02_detectron2/configs/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/configs/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /examples/02_detectron2/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/demo.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/backbone/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/backbone/utils.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/roi_heads/box_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/roi_heads/box_head.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/roi_heads/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/roi_heads/mask_head.py -------------------------------------------------------------------------------- /examples/02_detectron2/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /examples/02_detectron2/predictor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/predictor/__init__.py -------------------------------------------------------------------------------- /examples/02_detectron2/predictor/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/predictor/builtin_meta.py -------------------------------------------------------------------------------- /examples/02_detectron2/predictor/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/predictor/predictor.py -------------------------------------------------------------------------------- /examples/02_detectron2/prepare_and_run_rcnn.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/prepare_and_run_rcnn.sh -------------------------------------------------------------------------------- /examples/02_detectron2/test_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/test_correctness.py -------------------------------------------------------------------------------- /examples/02_detectron2/tools/convert_pt2ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/02_detectron2/tools/convert_pt2ait.py -------------------------------------------------------------------------------- /examples/03_bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/README.md -------------------------------------------------------------------------------- /examples/03_bert/benchmark_ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/benchmark_ait.py -------------------------------------------------------------------------------- /examples/03_bert/benchmark_mi250.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/benchmark_mi250.sh -------------------------------------------------------------------------------- /examples/03_bert/benchmark_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/benchmark_pt.py -------------------------------------------------------------------------------- /examples/03_bert/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/demo.py -------------------------------------------------------------------------------- /examples/03_bert/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/modeling/__init__.py -------------------------------------------------------------------------------- /examples/03_bert/modeling/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/modeling/bert.py -------------------------------------------------------------------------------- /examples/03_bert/modeling/torch_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/modeling/torch_model.py -------------------------------------------------------------------------------- /examples/03_bert/test_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/03_bert/test_correctness.py -------------------------------------------------------------------------------- /examples/04_vit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/README.md -------------------------------------------------------------------------------- /examples/04_vit/benchmark_ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/benchmark_ait.py -------------------------------------------------------------------------------- /examples/04_vit/benchmark_mi250.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/benchmark_mi250.sh -------------------------------------------------------------------------------- /examples/04_vit/benchmark_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/benchmark_pt.py -------------------------------------------------------------------------------- /examples/04_vit/modeling/vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/modeling/vision_transformer.py -------------------------------------------------------------------------------- /examples/04_vit/test_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/test_correctness.py -------------------------------------------------------------------------------- /examples/04_vit/verification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/verification.py -------------------------------------------------------------------------------- /examples/04_vit/weight_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/04_vit/weight_utils.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/.gitignore: -------------------------------------------------------------------------------- 1 | *.png 2 | -------------------------------------------------------------------------------- /examples/05_stable_diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/README.md -------------------------------------------------------------------------------- /examples/05_stable_diffusion/scripts/compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/scripts/compile.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/scripts/compile_alt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/scripts/compile_alt.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/scripts/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/scripts/demo.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/scripts/demo_alt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/scripts/demo_alt.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/scripts/demo_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/scripts/demo_img2img.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/__init__.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/benchmark.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/benchmark_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/benchmark_pt.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/compile_lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/compile_lib/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/compile_lib/util.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/modeling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/modeling/attention.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/modeling/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/modeling/clip.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/modeling/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/modeling/resnet.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/modeling/vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/modeling/vae.py -------------------------------------------------------------------------------- /examples/05_stable_diffusion/src/test_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/05_stable_diffusion/src/test_correctness.py -------------------------------------------------------------------------------- /examples/06_how_to_add_an_op/how_to_add_an_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/06_how_to_add_an_op/how_to_add_an_op.py -------------------------------------------------------------------------------- /examples/07_how_to_run_pt_model/how_to_run_pt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/07_how_to_run_pt_model/how_to_run_pt_model.py -------------------------------------------------------------------------------- /examples/08_esrgan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/08_esrgan/README.md -------------------------------------------------------------------------------- /examples/08_esrgan/compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/08_esrgan/compile.py -------------------------------------------------------------------------------- /examples/08_esrgan/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/08_esrgan/demo.py -------------------------------------------------------------------------------- /examples/08_esrgan/modeling/rrdbnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/examples/08_esrgan/modeling/rrdbnet.py -------------------------------------------------------------------------------- /fx2ait/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/CMakeLists.txt -------------------------------------------------------------------------------- /fx2ait/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/README.md -------------------------------------------------------------------------------- /fx2ait/fx2ait/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_normalizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_normalizer.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_op_properties.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_op_properties.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_ops.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_shape_prop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_shape_prop.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_tracer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_tracer.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/acc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/acc_utils.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/ait_acc_normalizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/ait_acc_normalizer.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/ait_acc_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/ait_acc_ops.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/acc_tracer/ait_acc_ops_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/acc_tracer/ait_acc_ops_registry.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/ait_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/ait_module.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/ait_splitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/ait_splitter.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/cache.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/ait_converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/ait_converters.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/ait_module_converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/ait_module_converters.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/aten2ait_converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/aten2ait_converters.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/converter_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/converter_registry.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/converters/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/converters/utils.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/csrc/AITModel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/csrc/AITModel.cpp -------------------------------------------------------------------------------- /fx2ait/fx2ait/csrc/AITModel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/csrc/AITModel.h -------------------------------------------------------------------------------- /fx2ait/fx2ait/csrc/AITModelImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/csrc/AITModelImpl.cpp -------------------------------------------------------------------------------- /fx2ait/fx2ait/csrc/AITModelImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/csrc/AITModelImpl.h -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/01_transformer_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/01_transformer_model/README.md -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/02_vision_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/02_vision_model/README.md -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/03_lowering_split/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/03_lowering_split/README.md -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/03_lowering_split/test_lower.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/03_lowering_split/test_lower.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/example/benchmark_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/example/benchmark_utils.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/extension.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/find_batch_size_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/find_batch_size_dim.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/fx2ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/fx2ait.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/lower/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/lower/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/lower/lower.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/lower/lower.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/lower/lower_settings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/lower/lower_settings.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/passes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/passes/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/passes/lower_basic_pass_aten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/passes/lower_basic_pass_aten.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tensor_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tensor_spec.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_avg_pool2d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_avg_pool3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_avg_pool3d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_batch_norm.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_binary_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_binary_op.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_cast.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_cat.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_chunk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_chunk.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_clamp.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_contiguous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_contiguous.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_conv2d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_conv3d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_elu.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_expand.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_flatten.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_full.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_gelu.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_group_norm.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_index_select.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_layer_norm.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_leaky_relu.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_linalg_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_linalg_norm.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_linear.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_matmul.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_max_pool2d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_max_pool3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_max_pool3d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_nan2num.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_nan2num.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_permute.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_pooling_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_pooling_ops.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_pow.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_reduce.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_reshape.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_sigmoid.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_slice_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_slice_tensor.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_softmax.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_split.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_square.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_squeeze.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_tile.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_topk.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_unary_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_unary_ops.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_unbind.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_unbind.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_unsqueeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_unsqueeze.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_upsampling2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_upsampling2d.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/converters/test_ait_var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/converters/test_ait_var.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/test_ait_lower.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/test_ait_lower.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/test_ait_splitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/test_ait_splitter.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/test_fx2ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/test_fx2ait.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/test/test_tensor_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/test/test_tensor_spec.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tools/__init__.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tools/ait_minimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tools/ait_minimizer.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tools/ait_subgraph_rewriter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tools/ait_subgraph_rewriter.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tools/common_aten2ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tools/common_aten2ait.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/tools/common_fx2ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/tools/common_fx2ait.py -------------------------------------------------------------------------------- /fx2ait/fx2ait/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/fx2ait/utils.py -------------------------------------------------------------------------------- /fx2ait/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/fx2ait/setup.py -------------------------------------------------------------------------------- /licenses/LICENSE.composable_kernel.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.composable_kernel.txt -------------------------------------------------------------------------------- /licenses/LICENSE.cub.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.cub.txt -------------------------------------------------------------------------------- /licenses/LICENSE.cutlass.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.cutlass.txt -------------------------------------------------------------------------------- /licenses/LICENSE.dmlc.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.dmlc.txt -------------------------------------------------------------------------------- /licenses/LICENSE.flash_attention.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.flash_attention.txt -------------------------------------------------------------------------------- /licenses/LICENSE.hipcub.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.hipcub.txt -------------------------------------------------------------------------------- /licenses/LICENSE.markdown_table.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.markdown_table.txt -------------------------------------------------------------------------------- /licenses/LICENSE.oneflow.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.oneflow.txt -------------------------------------------------------------------------------- /licenses/LICENSE.pydot.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.pydot.txt -------------------------------------------------------------------------------- /licenses/LICENSE.pytorch.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.pytorch.txt -------------------------------------------------------------------------------- /licenses/LICENSE.tensorrt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/LICENSE.tensorrt.txt -------------------------------------------------------------------------------- /licenses/license.header.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/licenses/license.header.txt -------------------------------------------------------------------------------- /python/aitemplate/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/_libinfo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/_libinfo.py -------------------------------------------------------------------------------- /python/aitemplate/backend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/backend_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/backend_spec.py -------------------------------------------------------------------------------- /python/aitemplate/backend/build_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/build_cache.py -------------------------------------------------------------------------------- /python/aitemplate/backend/build_cache_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/build_cache_base.py -------------------------------------------------------------------------------- /python/aitemplate/backend/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/builder.py -------------------------------------------------------------------------------- /python/aitemplate/backend/codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/codegen.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/concatenate_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/concatenate_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/elementwise_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/elementwise_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/gemm_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/gemm_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/split_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/split_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/tensor/topk_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/tensor/topk_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/common/tensor_accessor.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/common/tensor_accessor.cuh -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/attention/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/attention/src/fmha.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/attention/src/fmha.h -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/b2b_bmm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/b2b_bmm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/builder_cmake.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/builder_cmake.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/common/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/common/dummy_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/common/dummy_op.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv2d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv2d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv2d/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv2d/common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv2d/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv2d/conv2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv2d/conv2d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv2d/conv2d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv3d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv3d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv3d/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv3d/common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv3d/common_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv3d/common_bias.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv3d/conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv3d/conv3d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/conv3d/conv3d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/conv3d/conv3d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/cuda_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/cuda_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/elementwise/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/elementwise/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/embedding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/groupnorm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/groupnorm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/groupnorm/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/groupnorm/groupnorm.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/jagged/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/jagged/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/lib_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/lib_template.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/padding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/padding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/padding/ndhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/padding/ndhwc3to8.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/padding/nhwc3to4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/padding/nhwc3to4.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/padding/nhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/padding/nhwc3to8.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/padding/pad_last_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/padding/pad_last_dim.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/pool2d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/pool2d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/pool2d/avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/pool2d/avg_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/pool2d/max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/pool2d/max_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/pool2d/pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/pool2d/pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_3d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_max.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_mean.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_min.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/reduce_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/reduce_sum.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/var.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/reduce/vector_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/reduce/vector_norm.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/softmax/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/softmax/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/softmax/softmax.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/softmax/softmax.cuh -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/softmax/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/softmax/softmax.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/target_def.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/target_def.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/argmax.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/batch_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/batch_gather.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/cast.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/concatenate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/concatenate.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/dynamic_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/dynamic_slice.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/expand.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/full.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/gather.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/identity.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/index_select.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/masked_select.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute.cuh -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute021.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute021.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute0213.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute0213.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute102.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute102.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/permute210.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/permute210.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/relational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/relational.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/repeat.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/repeat.cuh -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/slice_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/slice_scatter.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/split.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/topk.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/tensor/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/tensor/where.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/upsample/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/upsample/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/utils.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/view_ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/view_ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/view_ops/make_jagged.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/view_ops/make_jagged.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/view_ops/view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/view_ops/view_ops.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/vision_ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/vision_ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/cuda/vision_ops/nms/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/cuda/vision_ops/nms/nms.py -------------------------------------------------------------------------------- /python/aitemplate/backend/main_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/main_templates.py -------------------------------------------------------------------------------- /python/aitemplate/backend/profiler_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/profiler_cache.py -------------------------------------------------------------------------------- /python/aitemplate/backend/profiler_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/profiler_runner.py -------------------------------------------------------------------------------- /python/aitemplate/backend/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/registry.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/attention/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/common/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/common/dummy_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/common/dummy_op.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/conv2d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/conv2d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/conv2d/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/conv2d/common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/conv2d/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/conv2d/conv2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/conv2d/conv2d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/conv2d/conv2d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/elementwise/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/elementwise/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/embedding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_ccr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_ccr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_ccr_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_ccr_add.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_crr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_crr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_crr_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_crr_add.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_rcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_rcr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_rcr_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_rcr_permute.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_rrr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_rrr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_rrr_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_rrr_add.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_rrr_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_rrr_permute.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/bmm_softmax_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/bmm_softmax_bmm.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/gemm_epilogue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/gemm_epilogue.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/gemm_rcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/gemm_rcr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/gemm_rcr_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/gemm_rcr_bias.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/gemm_rrr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/gemm_rrr.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/layout.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/gemm/permute_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/gemm/permute_common.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/lib_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/lib_template.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/padding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/padding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/padding/nhwc3to4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/padding/nhwc3to4.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/padding/nhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/padding/nhwc3to8.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/padding/pad_last_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/padding/pad_last_dim.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/pool2d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/pool2d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/pool2d/avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/pool2d/avg_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/pool2d/max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/pool2d/max_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/pool2d/pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/pool2d/pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/target_def.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/target_def.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/argmax.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/batch_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/batch_gather.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/concatenate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/concatenate.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/dynamic_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/dynamic_slice.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/expand.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/full.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/identity.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/permute021.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/permute021.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/permute0213.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/permute0213.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/permute102.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/permute102.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/permute210.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/permute210.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/repeat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/repeat.h -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/slice_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/slice_scatter.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/split.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/tensor/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/tensor/topk.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/upsample/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/upsample/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/utils.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/view_ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/view_ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/view_ops/view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/view_ops/view_ops.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/vision_ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/vision_ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/backend/rocm/vision_ops/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/rocm/vision_ops/nms.py -------------------------------------------------------------------------------- /python/aitemplate/backend/target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/target.py -------------------------------------------------------------------------------- /python/aitemplate/backend/task_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/backend/task_runner.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/base.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/compiler.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/dtype.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/dtype.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/model.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/op_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/op_registry.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/attention/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/b2b_bmm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/b2b_bmm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/b2b_bmm/b2b_bmm_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/b2b_bmm/b2b_bmm_base.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/elementwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/elementwise.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/epilogue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/epilogue.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/math.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/python_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/python_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/common/view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/common/view_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/cache_entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/cache_entry.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv2d.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv2d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv2d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv2d_bias_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv2d_bias_add.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv3d.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv3d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv3d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/conv/conv_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/conv/conv_common.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/embedding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/gemm_universal/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/gemm_universal/bmm.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/groupnorm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/groupnorm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/groupnorm/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/groupnorm/groupnorm.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/jagged/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/jagged/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/layernorm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/layernorm/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/layernorm/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/layernorm/layernorm.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/padding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/padding/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/padding/ndhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/padding/ndhwc3to8.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/padding/nhwc3to4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/padding/nhwc3to4.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/padding/nhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/padding/nhwc3to8.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/padding/pad_last_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/padding/pad_last_dim.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/pool/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/pool/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/pool/avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/pool/avg_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/pool/max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/pool/max_pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/pool/pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/pool/pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/reduce_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/reduce_common.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/reduce_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/reduce_max.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/reduce_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/reduce_mean.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/reduce_min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/reduce_min.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/reduce_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/reduce_sum.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/var.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/reduce/vector_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/reduce/vector_norm.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/softmax/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/softmax/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/softmax/cache_entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/softmax/cache_entry.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/softmax/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/softmax/softmax.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/argmax.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/batch_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/batch_gather.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/cast.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/chunk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/chunk.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/concatenate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/concatenate.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/dynamic_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/dynamic_slice.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/expand.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/full.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/gather.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/identity.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/index_select.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/masked_select.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/permute.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/permute021.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/permute021.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/permute0213.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/permute0213.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/permute102.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/permute102.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/permute210.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/permute210.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/relational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/relational.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/size.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/size.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/slice_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/slice_scatter.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/split.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/topk.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/transpose.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/tensor/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/tensor/where.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/upsample/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/upsample/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/vision_ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/vision_ops/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/ops/vision_ops/nms/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/ops/vision_ops/nms/nms.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/public/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/public/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/stable_set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/stable_set.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/symbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/symbolic.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/tensor_accessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/tensor_accessor.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/apply_padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/apply_padding.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/bind_constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/bind_constants.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/fuse_group_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/fuse_group_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/fuse_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/fuse_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/fuse_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/fuse_split.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/fuse_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/fuse_utils.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/move_view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/move_view_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/name_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/name_graph.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/optimize_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/optimize_graph.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/profile.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/refine_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/refine_graph.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/remove_no_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/remove_no_ops.py -------------------------------------------------------------------------------- /python/aitemplate/compiler/transform/toposort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/compiler/transform/toposort.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/activation.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/attention.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/batch_norm.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/container.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/container.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/conv1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/conv1d.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/conv2d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/conv2d/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/conv2d/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/conv2d/conv2d.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/conv2d/conv2d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/conv2d/conv2d_bias.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/conv3d.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/dropout.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/dual_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/dual_gemm.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/embedding.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/fpn_proposal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/fpn_proposal.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/group_norm.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/head.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/identity.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/layer_norm.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/linear.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/module.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/multiscale_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/multiscale_attention.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/padding.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/parameter.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/patch_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/patch_embed.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/pool2d.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/pool3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/pool3d.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/positional_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/positional_encoding.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/proposal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/proposal.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/roi_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/roi_ops.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/softmax.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/upsample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/upsample.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/vanilla_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/vanilla_attention.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/view_ops.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/nn/vision_transformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/nn/vision_transformers.py -------------------------------------------------------------------------------- /python/aitemplate/frontend/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/frontend/parameter.py -------------------------------------------------------------------------------- /python/aitemplate/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/testing/benchmark_ait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/benchmark_ait.py -------------------------------------------------------------------------------- /python/aitemplate/testing/benchmark_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/benchmark_pt.py -------------------------------------------------------------------------------- /python/aitemplate/testing/benchmark_trt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/benchmark_trt.py -------------------------------------------------------------------------------- /python/aitemplate/testing/detect_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/detect_target.py -------------------------------------------------------------------------------- /python/aitemplate/testing/jagged_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/jagged_utils.py -------------------------------------------------------------------------------- /python/aitemplate/testing/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/profile.py -------------------------------------------------------------------------------- /python/aitemplate/testing/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/testing/test_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/utils/alignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/alignment.py -------------------------------------------------------------------------------- /python/aitemplate/utils/debug_settings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/debug_settings.py -------------------------------------------------------------------------------- /python/aitemplate/utils/environ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/environ.py -------------------------------------------------------------------------------- /python/aitemplate/utils/graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/graph_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/import_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/import_path.py -------------------------------------------------------------------------------- /python/aitemplate/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/io.py -------------------------------------------------------------------------------- /python/aitemplate/utils/json_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/json_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/markdown_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/markdown_table.py -------------------------------------------------------------------------------- /python/aitemplate/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/misc.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/conv2d_operation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/conv2d_operation.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/gemm_operation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/gemm_operation.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/generator.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/library.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/library.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/manifest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/manifest.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_ck_lib/softmax_operation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_ck_lib/softmax_operation.py -------------------------------------------------------------------------------- /python/aitemplate/utils/mk_cutlass_lib/extra_enum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/mk_cutlass_lib/extra_enum.py -------------------------------------------------------------------------------- /python/aitemplate/utils/serialization/ait_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/serialization/ait_program.py -------------------------------------------------------------------------------- /python/aitemplate/utils/serialization/serdes_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/serialization/serdes_code.py -------------------------------------------------------------------------------- /python/aitemplate/utils/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/shape_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/tensor_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/torch_utils.py -------------------------------------------------------------------------------- /python/aitemplate/utils/visualization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/visualization/__init__.py -------------------------------------------------------------------------------- /python/aitemplate/utils/visualization/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/visualization/plot.py -------------------------------------------------------------------------------- /python/aitemplate/utils/visualization/pydot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/visualization/pydot.py -------------------------------------------------------------------------------- /python/aitemplate/utils/visualization/web_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/aitemplate/utils/visualization/web_template.py -------------------------------------------------------------------------------- /python/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/python/setup.py -------------------------------------------------------------------------------- /static/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/README.md -------------------------------------------------------------------------------- /static/csrc/debug_utility.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/debug_utility.cpp -------------------------------------------------------------------------------- /static/csrc/model_container.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/model_container.cpp -------------------------------------------------------------------------------- /static/csrc/model_interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/model_interface.cpp -------------------------------------------------------------------------------- /static/csrc/rocm_hack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/rocm_hack.cpp -------------------------------------------------------------------------------- /static/csrc/standalone.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/standalone.cpp -------------------------------------------------------------------------------- /static/csrc/utility.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/utility.cpp -------------------------------------------------------------------------------- /static/csrc/windll.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/csrc/windll.cpp -------------------------------------------------------------------------------- /static/include/cuda_device_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/cuda_device_functions.h -------------------------------------------------------------------------------- /static/include/debug_utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/debug_utility.h -------------------------------------------------------------------------------- /static/include/jagged.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/jagged.h -------------------------------------------------------------------------------- /static/include/kernels/debug_string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/kernels/debug_string.h -------------------------------------------------------------------------------- /static/include/kernels/kat_printf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/kernels/kat_printf.h -------------------------------------------------------------------------------- /static/include/kernels/mem_eff_attention/debug_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/kernels/mem_eff_attention/debug_utils.h -------------------------------------------------------------------------------- /static/include/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/logging.h -------------------------------------------------------------------------------- /static/include/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/macros.h -------------------------------------------------------------------------------- /static/include/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/model.h -------------------------------------------------------------------------------- /static/include/model_container.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/model_container.h -------------------------------------------------------------------------------- /static/include/model_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/model_interface.h -------------------------------------------------------------------------------- /static/include/owned_constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/owned_constants.h -------------------------------------------------------------------------------- /static/include/raii_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/raii_wrapper.h -------------------------------------------------------------------------------- /static/include/rocm_device_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/rocm_device_functions.h -------------------------------------------------------------------------------- /static/include/utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/utility.h -------------------------------------------------------------------------------- /static/include/windll.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/static/include/windll.h -------------------------------------------------------------------------------- /tests/ci_profile_cache/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/ci_profile_cache/README.md -------------------------------------------------------------------------------- /tests/ci_profile_cache/update_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/ci_profile_cache/update_cache.py -------------------------------------------------------------------------------- /tests/lint/check_meta_header.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/lint/check_meta_header.py -------------------------------------------------------------------------------- /tests/lint/flake8_problem_matcher.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/lint/flake8_problem_matcher.json -------------------------------------------------------------------------------- /tests/unittest/backend/test_build_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_build_cache.py -------------------------------------------------------------------------------- /tests/unittest/backend/test_codegen_output_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_codegen_output_tensor.py -------------------------------------------------------------------------------- /tests/unittest/backend/test_cuda_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_cuda_graph.py -------------------------------------------------------------------------------- /tests/unittest/backend/test_gen_standalone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_gen_standalone.py -------------------------------------------------------------------------------- /tests/unittest/backend/test_model_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_model_api.py -------------------------------------------------------------------------------- /tests/unittest/backend/test_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/backend/test_profiler.py -------------------------------------------------------------------------------- /tests/unittest/benchmark/test_gemm_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/benchmark/test_gemm_benchmark.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_compilation_failure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_compilation_failure.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_constant_folding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_constant_folding.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_bmm_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_bmm_permute.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_cat_view_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_cat_view_cat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_expand.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_expand_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_expand_bmm.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_mm_elementwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_mm_elementwise.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_permute_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_permute_bmm.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_permute_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_permute_gemm.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_fuse_split_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_fuse_split_cat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_group_fusions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_group_fusions.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_memory_planning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_memory_planning.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_merge_slice_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_merge_slice_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_merge_view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_merge_view_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_move_view_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_move_view_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_pad_gemm_with_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_pad_gemm_with_cat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_public_import.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_public_import.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_refine_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_refine_graph.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_remove_id_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_remove_id_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_remove_no_op_concats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_remove_no_op_concats.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_remove_no_op_splits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_remove_no_op_splits.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_remove_unused_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_remove_unused_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_slice_bmm_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_slice_bmm_fusion.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_slice_gemm_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_slice_gemm_fusion.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_slice_view_strided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_slice_view_strided.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_split_bmm_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_split_bmm_fusion.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_split_full_idx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_split_full_idx.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_split_large_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_split_large_concat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_split_large_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_split_large_split.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_split_view_strided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_split_view_strided.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_group_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_group_gemm.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_layernorm.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_reshape_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_reshape_cat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_scatter.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_view_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_view_cat.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_strided_view_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_strided_view_op.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_symbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_symbolic.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_tensor.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_tensor_accessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_tensor_accessor.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_transform_memory_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_transform_memory_ops.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_transform_special_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_transform_special_op.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_transform_toposort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_transform_toposort.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_transform_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_transform_utils.py -------------------------------------------------------------------------------- /tests/unittest/compiler/test_view_strided_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/compiler/test_view_strided_op.py -------------------------------------------------------------------------------- /tests/unittest/frontend/test_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/frontend/test_module.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_activation.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_argmax.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_argmax_sm80.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_argmax_sm80.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_attention.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_avg_pool2d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_b2b_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_b2b_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_batch_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_batch_gather.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_batch_norm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bert_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bert_embeddings.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_add.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_alpha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_alpha.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_permute.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_rcr_n1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_rcr_n1.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_rrr_k1_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_rrr_k1_tanh.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_softmax.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_bmm_softmax_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_bmm_softmax_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_cast.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_chunk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_chunk.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_clamp_nan_to_num.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_clamp_nan_to_num.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_concatenate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_concatenate.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_concatenate_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_concatenate_tanh.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv2d_bias_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv2d_bias_add.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv3d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv3d_profiler_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv3d_profiler_cache.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias_add_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias_add_hardswish.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias_add_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias_add_relu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias_hardswish.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias_relu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_bias_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_bias_sigmoid.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_depthwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_depthwise.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_depthwise_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_depthwise_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_conv_profiler_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_conv_profiler_cache.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_cross_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_cross_attention.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_depthwise_conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_depthwise_conv3d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_dual_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_dual_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_dual_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_dual_gemm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_dynamic_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_dynamic_conv.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_efficient_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_efficient_nms.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_expand.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_flatten.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_fpn_roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_fpn_roi_align.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_full.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_fused_elementwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_fused_elementwise.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gather.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_broadcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_broadcast.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_hardswish.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_permute.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_relu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_sigmoid.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_softmax.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_swish.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_bias_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_bias_tanh.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_no_tf32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_no_tf32.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_permute.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_profiler_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_profiler_cache.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_rcr_bias_fast_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_rcr_bias_fast_gelu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_rcr_fast_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_rcr_fast_gelu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_rrr_small_nk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_rrr_small_nk.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_gemm_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_gemm_softmax.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_group_gemm_rcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_group_gemm_rcr.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_group_gemm_rcr_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_group_gemm_rcr_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_group_gemm_rcr_bias_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_group_gemm_rcr_bias_cat.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_group_gemm_rcr_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_group_gemm_rcr_cat.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_grouped_b2b_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_grouped_b2b_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_grouped_classic_b2b_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_grouped_classic_b2b_bmm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_groupnorm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_identity.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_index_select.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_jagged_elementwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_jagged_elementwise.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_jagged_lengths_to_offsets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_jagged_lengths_to_offsets.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_jagged_to_padded_dense.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_jagged_to_padded_dense.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_layernorm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_layernorm_sigmoid_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_layernorm_sigmoid_mul.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_make_jagged.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_make_jagged.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_masked_select.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_max_pool2d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_max_pool3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_max_pool3d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_ndhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_ndhwc3to8.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_nhwc3to4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_nhwc3to4.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_nhwc3to8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_nhwc3to8.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_nms.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_nn_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_nn_gelu.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_norm.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_pad_last_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_pad_last_dim.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_padded_dense_to_jagged.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_padded_dense_to_jagged.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm021fc_ccr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm021fc_ccr.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm021fc_ccr_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm021fc_ccr_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm021fc_crc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm021fc_crc.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm021fc_crc_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm021fc_crc_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm102_bmm_rcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm102_bmm_rcr.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_perm102_bmm_rrr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_perm102_bmm_rrr.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_permute.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_permute021.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_permute021.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_permute0213.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_permute0213.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_permute102.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_permute102.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_permute210.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_permute210.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_proposal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_proposal.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_reduce.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_relational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_relational.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_reshape.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_roi_align.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_size_getitem_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_size_getitem_ops.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_slice.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_softmax.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_split.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_split_getitem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_split_getitem.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_squeeze.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_topk.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_transpose.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_transpose_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_transpose_conv2d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_transpose_conv2d_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_transpose_conv2d_bias.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_tuple_list_construct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_tuple_list_construct.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_upsampling2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_upsampling2d.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_upsampling2d_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_upsampling2d_add.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_vanilla_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_vanilla_attention.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_var.py -------------------------------------------------------------------------------- /tests/unittest/ops/test_where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/ops/test_where.py -------------------------------------------------------------------------------- /tests/unittest/test_stable_set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/test_stable_set.py -------------------------------------------------------------------------------- /tests/unittest/util/test_debug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/util/test_debug_utils.py -------------------------------------------------------------------------------- /tests/unittest/util/test_serdes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/facebookincubator/AITemplate/HEAD/tests/unittest/util/test_serdes.py --------------------------------------------------------------------------------