Path Lines of Code python/gen_requirements.py 379 python/setup.py 148 python/tvm/__init__.py 46 python/tvm/_ffi/__init__.py 4 python/tvm/_ffi/_ctypes/__init__.py 1 python/tvm/_ffi/_ctypes/ndarray.py 80 python/tvm/_ffi/_ctypes/object.py 64 python/tvm/_ffi/_ctypes/packed_func.py 231 python/tvm/_ffi/_ctypes/types.py 67 python/tvm/_ffi/_cy2/__init__.py 1 python/tvm/_ffi/_cy3/__init__.py 1 python/tvm/_ffi/_cython/base.pxi 130 python/tvm/_ffi/_cython/core.pyx 4 python/tvm/_ffi/_cython/ndarray.pxi 105 python/tvm/_ffi/_cython/object.pxi 65 python/tvm/_ffi/_cython/packed_func.pxi 287 python/tvm/_ffi/_pyversion.py 4 python/tvm/_ffi/base.py 139 python/tvm/_ffi/libinfo.py 122 python/tvm/_ffi/registry.py 101 python/tvm/_ffi/runtime_ctypes.py 218 python/tvm/arith/__init__.py 7 python/tvm/arith/_ffi_api.py 2 python/tvm/arith/analyzer.py 56 python/tvm/arith/bound.py 3 python/tvm/arith/int_set.py 26 python/tvm/arith/int_solver.py 35 python/tvm/arith/iter_affine_map.py 25 python/tvm/arith/pattern.py 5 python/tvm/auto_scheduler/__init__.py 40 python/tvm/auto_scheduler/_ffi_api.py 2 python/tvm/auto_scheduler/compute_dag.py 92 python/tvm/auto_scheduler/cost_model/__init__.py 2 python/tvm/auto_scheduler/cost_model/cost_model.py 45 python/tvm/auto_scheduler/cost_model/xgb_model.py 329 python/tvm/auto_scheduler/dispatcher.py 225 python/tvm/auto_scheduler/feature.py 95 python/tvm/auto_scheduler/loop_state.py 183 python/tvm/auto_scheduler/measure.py 655 python/tvm/auto_scheduler/measure_record.py 138 python/tvm/auto_scheduler/relay_integration.py 215 python/tvm/auto_scheduler/search_policy.py 83 python/tvm/auto_scheduler/search_task.py 312 python/tvm/auto_scheduler/task_scheduler.py 370 python/tvm/auto_scheduler/utils.py 196 python/tvm/auto_scheduler/workload_registry.py 78 python/tvm/autotvm/__init__.py 33 python/tvm/autotvm/database.py 82 python/tvm/autotvm/env.py 9 python/tvm/autotvm/feature.py 90 python/tvm/autotvm/graph_tuner/__init__.py 6 python/tvm/autotvm/graph_tuner/_base.py 3 python/tvm/autotvm/graph_tuner/base_graph_tuner.py 370 python/tvm/autotvm/graph_tuner/dynamic_programming_stage.py 222 python/tvm/autotvm/graph_tuner/dynamic_programming_tuner.py 160 python/tvm/autotvm/graph_tuner/pbqp_tuner.py 209 python/tvm/autotvm/graph_tuner/utils/__init__.py 5 python/tvm/autotvm/graph_tuner/utils/traverse_graph.py 188 python/tvm/autotvm/graph_tuner/utils/utils.py 58 python/tvm/autotvm/measure/__init__.py 16 python/tvm/autotvm/measure/executor.py 12 python/tvm/autotvm/measure/local_executor.py 82 python/tvm/autotvm/measure/measure.py 66 python/tvm/autotvm/measure/measure_methods.py 384 python/tvm/autotvm/record.py 196 python/tvm/autotvm/task/__init__.py 26 python/tvm/autotvm/task/code_hash.py 23 python/tvm/autotvm/task/dispatcher.py 174 python/tvm/autotvm/task/relay_integration.py 69 python/tvm/autotvm/task/space.py 565 python/tvm/autotvm/task/task.py 303 python/tvm/autotvm/task/topi_integration.py 110 python/tvm/autotvm/tophub.py 119 python/tvm/autotvm/tuner/__init__.py 5 python/tvm/autotvm/tuner/callback.py 87 python/tvm/autotvm/tuner/ga_tuner.py 85 python/tvm/autotvm/tuner/index_based_tuner.py 50 python/tvm/autotvm/tuner/metric.py 42 python/tvm/autotvm/tuner/model_based_tuner.py 154 python/tvm/autotvm/tuner/sa_model_optimizer.py 104 python/tvm/autotvm/tuner/tuner.py 100 python/tvm/autotvm/tuner/xgboost_cost_model.py 456 python/tvm/autotvm/tuner/xgboost_tuner.py 34 python/tvm/autotvm/utils.py 72 python/tvm/contrib/__init__.py 1 python/tvm/contrib/cblas.py 34 python/tvm/contrib/cc.py 117 python/tvm/contrib/clang.py 44 python/tvm/contrib/coreml_runtime.py 17 python/tvm/contrib/cublas.py 29 python/tvm/contrib/cublaslt.py 17 python/tvm/contrib/cuda_graph/__init__.py 1 python/tvm/contrib/cuda_graph/cuda_graph_executor.py 41 python/tvm/contrib/cudnn.py 238 python/tvm/contrib/debugger/__init__.py 1 python/tvm/contrib/debugger/debug_executor.py 103 python/tvm/contrib/debugger/debug_result.py 159 python/tvm/contrib/debugger/debug_runtime.py 8 python/tvm/contrib/dlpack.py 14 python/tvm/contrib/download.py 84 python/tvm/contrib/emcc.py 31 python/tvm/contrib/graph_executor.py 86 python/tvm/contrib/graph_runtime.py 8 python/tvm/contrib/hexagon.py 129 python/tvm/contrib/miopen.py 69 python/tvm/contrib/mkl.py 46 python/tvm/contrib/mkldnn.py 14 python/tvm/contrib/mps.py 31 python/tvm/contrib/mxnet.py 24 python/tvm/contrib/ndk.py 29 python/tvm/contrib/nnpack.py 111 python/tvm/contrib/nvcc.py 180 python/tvm/contrib/peak.py 180 python/tvm/contrib/pickle_memoize.py 65 python/tvm/contrib/popen_pool.py 160 python/tvm/contrib/random.py 32 python/tvm/contrib/rocblas.py 26 python/tvm/contrib/rocm.py 79 python/tvm/contrib/rpc.py 7 python/tvm/contrib/sdaccel.py 50 python/tvm/contrib/sparse.py 91 python/tvm/contrib/spirv.py 20 python/tvm/contrib/stackvm.py 9 python/tvm/contrib/tar.py 38 python/tvm/contrib/tedd.py 509 python/tvm/contrib/tf_op/__init__.py 2 python/tvm/contrib/tf_op/module.py 74 python/tvm/contrib/tflite_runtime.py 28 python/tvm/contrib/thrust.py 21 python/tvm/contrib/utils.py 112 python/tvm/contrib/xcode.py 121 python/tvm/driver/__init__.py 1 python/tvm/driver/_ffi_api.py 2 python/tvm/driver/build_module.py 173 python/tvm/driver/tvmc/__init__.py 9 python/tvm/driver/tvmc/__main__.py 3 python/tvm/driver/tvmc/autotuner.py 442 python/tvm/driver/tvmc/common.py 215 python/tvm/driver/tvmc/compiler.py 186 python/tvm/driver/tvmc/composite_target.py 33 python/tvm/driver/tvmc/frontends.py 176 python/tvm/driver/tvmc/main.py 40 python/tvm/driver/tvmc/model.py 179 python/tvm/driver/tvmc/result_utils.py 9 python/tvm/driver/tvmc/runner.py 228 python/tvm/error.py 29 python/tvm/exec/__init__.py 1 python/tvm/exec/autotvm_log_editor.py 34 python/tvm/exec/measure_peak.py 22 python/tvm/exec/microtvm_debug_shell.py 91 python/tvm/exec/popen_worker.py 66 python/tvm/exec/query_rpc_tracker.py 20 python/tvm/exec/rpc_proxy.py 56 python/tvm/exec/rpc_server.py 61 python/tvm/exec/rpc_tracker.py 17 python/tvm/generic.py 1 python/tvm/ir/__init__.py 16 python/tvm/ir/_ffi_api.py 2 python/tvm/ir/_ffi_instrument_api.py 2 python/tvm/ir/_ffi_transform_api.py 2 python/tvm/ir/adt.py 15 python/tvm/ir/attrs.py 37 python/tvm/ir/base.py 49 python/tvm/ir/container.py 33 python/tvm/ir/diagnostics/__init__.py 38 python/tvm/ir/diagnostics/_ffi_api.py 2 python/tvm/ir/expr.py 34 python/tvm/ir/function.py 21 python/tvm/ir/instrument.py 51 python/tvm/ir/json_compact.py 139 python/tvm/ir/module.py 87 python/tvm/ir/op.py 42 python/tvm/ir/tensor_type.py 10 python/tvm/ir/transform.py 104 python/tvm/ir/type.py 65 python/tvm/ir/type_relation.py 11 python/tvm/micro/__init__.py 15 python/tvm/micro/artifact.py 83 python/tvm/micro/base.py 3 python/tvm/micro/build.py 110 python/tvm/micro/class_factory.py 49 python/tvm/micro/compiler.py 173 python/tvm/micro/contrib/__init__.py 1 python/tvm/micro/contrib/base.py 23 python/tvm/micro/contrib/zephyr.py 559 python/tvm/micro/debugger.py 273 python/tvm/micro/func_registry.py 41 python/tvm/micro/micro_binary.py 36 python/tvm/micro/micro_library.py 47 python/tvm/micro/model_library_format.py 156 python/tvm/micro/session.py 100 python/tvm/micro/transport/__init__.py 8 python/tvm/micro/transport/base.py 165 python/tvm/micro/transport/debug.py 31 python/tvm/micro/transport/file_descriptor.py 74 python/tvm/micro/transport/serial.py 84 python/tvm/micro/transport/subprocess.py 36 python/tvm/micro/transport/wakeup.py 43 python/tvm/parser/__init__.py 14 python/tvm/parser/_ffi_api.py 2 python/tvm/relay/__init__.py 90 python/tvm/relay/_build_module.py 2 python/tvm/relay/_ffi_api.py 2 python/tvm/relay/_make.py 2 python/tvm/relay/adt.py 36 python/tvm/relay/analysis/__init__.py 8 python/tvm/relay/analysis/_ffi_api.py 2 python/tvm/relay/analysis/analysis.py 75 python/tvm/relay/analysis/annotated_regions.py 11 python/tvm/relay/analysis/call_graph.py 32 python/tvm/relay/analysis/count_layers.py 25 python/tvm/relay/analysis/feature.py 19 python/tvm/relay/analysis/sparse_conv2d.py 82 python/tvm/relay/analysis/sparse_dense.py 67 python/tvm/relay/backend/__init__.py 1 python/tvm/relay/backend/_backend.py 18 python/tvm/relay/backend/_vm.py 2 python/tvm/relay/backend/compile_engine.py 249 python/tvm/relay/backend/executor_factory.py 78 python/tvm/relay/backend/graph_executor_codegen.py 36 python/tvm/relay/backend/interpreter.py 126 python/tvm/relay/backend/vm.py 120 python/tvm/relay/base.py 12 python/tvm/relay/build_module.py 229 python/tvm/relay/data_dep_optimization/__init__.py 3 python/tvm/relay/data_dep_optimization/bsr_conv2d.py 10 python/tvm/relay/data_dep_optimization/bsr_dense.py 9 python/tvm/relay/data_dep_optimization/simplify_fc_transpose.py 20 python/tvm/relay/data_dep_optimization/utils.py 6 python/tvm/relay/dataflow_pattern/__init__.py 201 python/tvm/relay/dataflow_pattern/_ffi.py 2 python/tvm/relay/debug.py 17 python/tvm/relay/expr.py 190 python/tvm/relay/expr_functor.py 166 python/tvm/relay/frontend/__init__.py 14 python/tvm/relay/frontend/caffe.py 590 python/tvm/relay/frontend/caffe2.py 372 python/tvm/relay/frontend/change_datatype.py 37 python/tvm/relay/frontend/common.py 302 python/tvm/relay/frontend/coreml.py 444 python/tvm/relay/frontend/darknet.py 644 python/tvm/relay/frontend/keras.py 1023 python/tvm/relay/frontend/mxnet.py 2322 python/tvm/relay/frontend/mxnet_qnn_op_utils.py 117 python/tvm/relay/frontend/nnvm_common.py 130 python/tvm/relay/frontend/onnx.py 2540 python/tvm/relay/frontend/pytorch.py 2539 python/tvm/relay/frontend/pytorch_utils.py 206 python/tvm/relay/frontend/qnn_torch.py 608 python/tvm/relay/frontend/sklearn.py 444 python/tvm/relay/frontend/tensorflow.py 707 python/tvm/relay/frontend/tensorflow2.py 352 python/tvm/relay/frontend/tensorflow_ops.py 2247 python/tvm/relay/frontend/tensorflow_parser.py 127 python/tvm/relay/frontend/tflite.py 2630 python/tvm/relay/frontend/tflite_flexbuffer.py 96 python/tvm/relay/function.py 16 python/tvm/relay/loops.py 18 python/tvm/relay/op/__init__.py 38 python/tvm/relay/op/_algorithm.py 48 python/tvm/relay/op/_make.py 2 python/tvm/relay/op/_mlas.py 96 python/tvm/relay/op/_reduce.py 64 python/tvm/relay/op/_tensor.py 210 python/tvm/relay/op/_tensor_grad.py 581 python/tvm/relay/op/_transform.py 848 python/tvm/relay/op/algorithm.py 18 python/tvm/relay/op/annotation/__init__.py 2 python/tvm/relay/op/annotation/_make.py 2 python/tvm/relay/op/annotation/annotation.py 24 python/tvm/relay/op/contrib/__init__.py 7 python/tvm/relay/op/contrib/_ethosn.py 2 python/tvm/relay/op/contrib/arm_compute_lib.py 315 python/tvm/relay/op/contrib/bnns.py 212 python/tvm/relay/op/contrib/coreml.py 15 python/tvm/relay/op/contrib/dnnl.py 31 python/tvm/relay/op/contrib/ethosn.py 173 python/tvm/relay/op/contrib/register.py 8 python/tvm/relay/op/contrib/tensorrt.py 764 python/tvm/relay/op/contrib/vitis_ai.py 91 python/tvm/relay/op/dyn/__init__.py 4 python/tvm/relay/op/dyn/_algorithm.py 41 python/tvm/relay/op/dyn/_make.py 2 python/tvm/relay/op/dyn/_tensor.py 21 python/tvm/relay/op/dyn/_transform.py 165 python/tvm/relay/op/dyn/image/__init__.py 1 python/tvm/relay/op/dyn/image/_image.py 64 python/tvm/relay/op/dyn/image/_make.py 2 python/tvm/relay/op/dyn/nn/__init__.py 1 python/tvm/relay/op/dyn/nn/_make.py 2 python/tvm/relay/op/dyn/nn/_nn.py 106 python/tvm/relay/op/image/__init__.py 2 python/tvm/relay/op/image/_image.py 161 python/tvm/relay/op/image/_make.py 2 python/tvm/relay/op/image/image.py 79 python/tvm/relay/op/memory/__init__.py 2 python/tvm/relay/op/memory/_make.py 2 python/tvm/relay/op/memory/memory.py 12 python/tvm/relay/op/mlas.py 11 python/tvm/relay/op/nn/__init__.py 3 python/tvm/relay/op/nn/_make.py 2 python/tvm/relay/op/nn/_nn.py 630 python/tvm/relay/op/nn/nn.py 800 python/tvm/relay/op/nn/utils.py 55 python/tvm/relay/op/op.py 108 python/tvm/relay/op/op_attrs.py 224 python/tvm/relay/op/random/__init__.py 2 python/tvm/relay/op/random/_kernel.py 9 python/tvm/relay/op/random/_make.py 2 python/tvm/relay/op/random/kernel.py 20 python/tvm/relay/op/reduce.py 62 python/tvm/relay/op/strategy/__init__.py 10 python/tvm/relay/op/strategy/arm_cpu.py 319 python/tvm/relay/op/strategy/bifrost.py 91 python/tvm/relay/op/strategy/cuda.py 957 python/tvm/relay/op/strategy/generic.py 1124 python/tvm/relay/op/strategy/hls.py 136 python/tvm/relay/op/strategy/intel_graphics.py 51 python/tvm/relay/op/strategy/mali.py 161 python/tvm/relay/op/strategy/rocm.py 253 python/tvm/relay/op/strategy/x86.py 475 python/tvm/relay/op/tensor.py 194 python/tvm/relay/op/transform.py 230 python/tvm/relay/op/vision/__init__.py 7 python/tvm/relay/op/vision/_make.py 2 python/tvm/relay/op/vision/_rcnn.py 52 python/tvm/relay/op/vision/_vision.py 92 python/tvm/relay/op/vision/_yolo.py 5 python/tvm/relay/op/vision/multibox.py 12 python/tvm/relay/op/vision/nms.py 68 python/tvm/relay/op/vision/rcnn.py 31 python/tvm/relay/op/vision/yolo.py 3 python/tvm/relay/op/vm/__init__.py 2 python/tvm/relay/op/vm/_ffi_api.py 2 python/tvm/relay/op/vm/vm.py 9 python/tvm/relay/param_dict.py 5 python/tvm/relay/prelude.py 1199 python/tvm/relay/qnn/__init__.py 3 python/tvm/relay/qnn/op/__init__.py 4 python/tvm/relay/qnn/op/_make.py 2 python/tvm/relay/qnn/op/_qnn.py 24 python/tvm/relay/qnn/op/layout_conversions.py 32 python/tvm/relay/qnn/op/legalizations.py 145 python/tvm/relay/qnn/op/op.py 3 python/tvm/relay/qnn/op/qnn.py 201 python/tvm/relay/qnn/transform.py 5 python/tvm/relay/quantize/__init__.py 4 python/tvm/relay/quantize/_annotate.py 249 python/tvm/relay/quantize/_calibrate.py 136 python/tvm/relay/quantize/_partition.py 76 python/tvm/relay/quantize/_partition_conversions.py 142 python/tvm/relay/quantize/_quantize.py 2 python/tvm/relay/quantize/kl_divergence.py 19 python/tvm/relay/quantize/quantize.py 165 python/tvm/relay/scope_builder.py 78 python/tvm/relay/testing/__init__.py 104 python/tvm/relay/testing/darknet.py 83 python/tvm/relay/testing/dcgan.py 97 python/tvm/relay/testing/densenet.py 71 python/tvm/relay/testing/dqn.py 59 python/tvm/relay/testing/inception_v3.py 334 python/tvm/relay/testing/init.py 94 python/tvm/relay/testing/layers.py 55 python/tvm/relay/testing/lstm.py 96 python/tvm/relay/testing/mlp.py 21 python/tvm/relay/testing/mobilenet.py 200 python/tvm/relay/testing/nat.py 25 python/tvm/relay/testing/py_converter.py 361 python/tvm/relay/testing/resnet.py 258 python/tvm/relay/testing/resnet_3d.py 253 python/tvm/relay/testing/squeezenet.py 75 python/tvm/relay/testing/synthetic.py 52 python/tvm/relay/testing/temp_op_attr.py 15 python/tvm/relay/testing/tf.py 231 python/tvm/relay/testing/vgg.py 60 python/tvm/relay/testing/yolo_detection.py 302 python/tvm/relay/transform/__init__.py 3 python/tvm/relay/transform/_ffi_api.py 2 python/tvm/relay/transform/fake_quantization_to_integer.py 119 python/tvm/relay/transform/memory_plan.py 235 python/tvm/relay/transform/recast.py 79 python/tvm/relay/transform/transform.py 220 python/tvm/relay/ty.py 12 python/tvm/relay/type_functor.py 122 python/tvm/rpc/__init__.py 4 python/tvm/rpc/_ffi_api.py 2 python/tvm/rpc/base.py 71 python/tvm/rpc/client.py 207 python/tvm/rpc/minrpc.py 26 python/tvm/rpc/proxy.py 519 python/tvm/rpc/server.py 309 python/tvm/rpc/testing.py 33 python/tvm/rpc/tornado_util.py 80 python/tvm/rpc/tracker.py 280 python/tvm/runtime/__init__.py 12 python/tvm/runtime/_ffi_api.py 2 python/tvm/runtime/_ffi_node_api.py 12 python/tvm/runtime/container.py 66 python/tvm/runtime/module.py 200 python/tvm/runtime/ndarray.py 206 python/tvm/runtime/object.py 54 python/tvm/runtime/object_generic.py 64 python/tvm/runtime/packed_func.py 17 python/tvm/runtime/params.py 8 python/tvm/runtime/profiler_vm.py 21 python/tvm/runtime/profiling.py 7 python/tvm/runtime/vm.py 179 python/tvm/script/__init__.py 1 python/tvm/script/_ffi_api.py 2 python/tvm/script/context_maintainer.py 85 python/tvm/script/diagnostics.py 26 python/tvm/script/intrin.py 118 python/tvm/script/meta_unparser.py 18 python/tvm/script/node.py 80 python/tvm/script/parser.py 566 python/tvm/script/registry.py 26 python/tvm/script/scope_handler.py 463 python/tvm/script/special_stmt.py 348 python/tvm/script/ty.py 19 python/tvm/script/utils.py 82 python/tvm/support.py 19 python/tvm/te/__init__.py 18 python/tvm/te/_ffi_api.py 2 python/tvm/te/autodiff.py 5 python/tvm/te/hybrid/__init__.py 28 python/tvm/te/hybrid/calls.py 116 python/tvm/te/hybrid/module.py 52 python/tvm/te/hybrid/parser.py 469 python/tvm/te/hybrid/preprocessor.py 81 python/tvm/te/hybrid/runtime.py 76 python/tvm/te/hybrid/utils.py 61 python/tvm/te/operation.py 157 python/tvm/te/schedule.py 116 python/tvm/te/tag.py 31 python/tvm/te/tensor.py 109 python/tvm/te/tensor_intrin.py 68 python/tvm/testing.py 335 python/tvm/tir/__init__.py 33 python/tvm/tir/_ffi_api.py 2 python/tvm/tir/analysis/__init__.py 1 python/tvm/tir/analysis/_ffi_api.py 2 python/tvm/tir/analysis/analysis.py 18 python/tvm/tir/buffer.py 70 python/tvm/tir/data_layout.py 35 python/tvm/tir/expr.py 361 python/tvm/tir/function.py 27 python/tvm/tir/generic.py 14 python/tvm/tir/ir_builder.py 161 python/tvm/tir/op.py 267 python/tvm/tir/schedule/__init__.py 3 python/tvm/tir/schedule/_ffi_api_schedule.py 2 python/tvm/tir/schedule/block_scope.py 37 python/tvm/tir/schedule/schedule.py 91 python/tvm/tir/schedule/state.py 67 python/tvm/tir/stmt.py 210 python/tvm/tir/stmt_functor.py 7 python/tvm/tir/transform/__init__.py 2 python/tvm/tir/transform/_ffi_api.py 2 python/tvm/tir/transform/function_pass.py 41 python/tvm/tir/transform/transform.py 95 python/tvm/topi/__init__.py 35 python/tvm/topi/argwhere.py 95 python/tvm/topi/arm_cpu/__init__.py 10 python/tvm/topi/arm_cpu/arm_utils.py 39 python/tvm/topi/arm_cpu/bitserial_conv2d.py 366 python/tvm/topi/arm_cpu/bitserial_dense.py 129 python/tvm/topi/arm_cpu/conv2d.py 381 python/tvm/topi/arm_cpu/conv2d_alter_op.py 262 python/tvm/topi/arm_cpu/conv2d_gemm.py 305 python/tvm/topi/arm_cpu/conv2d_int8.py 177 python/tvm/topi/arm_cpu/conv2d_spatial_pack.py 358 python/tvm/topi/arm_cpu/conv2d_transpose.py 125 python/tvm/topi/arm_cpu/cortex_m7/__init__.py 1 python/tvm/topi/arm_cpu/cortex_m7/conv2d/__init__.py 1 python/tvm/topi/arm_cpu/cortex_m7/conv2d/direct.py 116 python/tvm/topi/arm_cpu/cortex_m7/conv2d/direct_simd.py 120 python/tvm/topi/arm_cpu/cortex_m7/micro_kernel/__init__.py 1 python/tvm/topi/arm_cpu/cortex_m7/micro_kernel/gemm.py 82 python/tvm/topi/arm_cpu/depthwise_conv2d.py 464 python/tvm/topi/arm_cpu/group_conv2d.py 261 python/tvm/topi/arm_cpu/injective.py 38 python/tvm/topi/arm_cpu/tensor_intrin.py 510 python/tvm/topi/bifrost/__init__.py 5 python/tvm/topi/bifrost/conv2d.py 336 python/tvm/topi/bifrost/dense.py 56 python/tvm/topi/bifrost/depthwise_conv2d.py 72 python/tvm/topi/bifrost/gemm.py 169 python/tvm/topi/bifrost/transforms.py 83 python/tvm/topi/broadcast.py 56 python/tvm/topi/cpp/__init__.py 8 python/tvm/topi/cpp/cuda.py 2 python/tvm/topi/cpp/generic.py 2 python/tvm/topi/cpp/impl.py 2 python/tvm/topi/cpp/nn.py 2 python/tvm/topi/cpp/rocm.py 2 python/tvm/topi/cpp/utils.py 2 python/tvm/topi/cpp/vision/__init__.py 3 python/tvm/topi/cpp/vision/yolo.py 2 python/tvm/topi/cpp/x86.py 2 python/tvm/topi/cuda/__init__.py 42 python/tvm/topi/cuda/argwhere.py 119 python/tvm/topi/cuda/batch_matmul.py 203 python/tvm/topi/cuda/batch_matmul_tensorcore.py 220 python/tvm/topi/cuda/conv1d.py 149 python/tvm/topi/cuda/conv1d_transpose_ncw.py 108 python/tvm/topi/cuda/conv2d.py 93 python/tvm/topi/cuda/conv2d_alter_op.py 278 python/tvm/topi/cuda/conv2d_direct.py 77 python/tvm/topi/cuda/conv2d_hwcn.py 103 python/tvm/topi/cuda/conv2d_hwnc_tensorcore.py 309 python/tvm/topi/cuda/conv2d_int8.py 219 python/tvm/topi/cuda/conv2d_nhwc.py 95 python/tvm/topi/cuda/conv2d_nhwc_tensorcore.py 265 python/tvm/topi/cuda/conv2d_nhwc_winograd.py 563 python/tvm/topi/cuda/conv2d_transpose_nchw.py 181 python/tvm/topi/cuda/conv2d_winograd.py 271 python/tvm/topi/cuda/conv3d.py 80 python/tvm/topi/cuda/conv3d_alter_op.py 63 python/tvm/topi/cuda/conv3d_direct.py 85 python/tvm/topi/cuda/conv3d_ndhwc_tensorcore.py 275 python/tvm/topi/cuda/conv3d_transpose_ncdhw.py 93 python/tvm/topi/cuda/conv3d_winograd.py 505 python/tvm/topi/cuda/correlation.py 79 python/tvm/topi/cuda/deformable_conv2d.py 88 python/tvm/topi/cuda/dense.py 260 python/tvm/topi/cuda/dense_tensorcore.py 219 python/tvm/topi/cuda/depthwise_conv2d.py 184 python/tvm/topi/cuda/group_conv2d_nchw.py 339 python/tvm/topi/cuda/injective.py 49 python/tvm/topi/cuda/nms.py 713 python/tvm/topi/cuda/nn.py 4 python/tvm/topi/cuda/pooling.py 113 python/tvm/topi/cuda/rcnn/__init__.py 1 python/tvm/topi/cuda/rcnn/proposal.py 241 python/tvm/topi/cuda/reduction.py 103 python/tvm/topi/cuda/scan.py 325 python/tvm/topi/cuda/scatter.py 444 python/tvm/topi/cuda/softmax.py 104 python/tvm/topi/cuda/sort.py 676 python/tvm/topi/cuda/sparse.py 233 python/tvm/topi/cuda/sparse_reshape.py 127 python/tvm/topi/cuda/ssd/__init__.py 2 python/tvm/topi/cuda/ssd/multibox.py 331 python/tvm/topi/cuda/tensor_intrin.py 219 python/tvm/topi/cuda/tensorcore_alter_op.py 110 python/tvm/topi/cuda/transform.py 29 python/tvm/topi/cuda/unique.py 228 python/tvm/topi/cuda/vision.py 41 python/tvm/topi/einsum.py 3 python/tvm/topi/generic/__init__.py 8 python/tvm/topi/generic/conv2d.py 243 python/tvm/topi/generic/default.py 13 python/tvm/topi/generic/extern.py 5 python/tvm/topi/generic/image.py 5 python/tvm/topi/generic/injective.py 18 python/tvm/topi/generic/nn.py 120 python/tvm/topi/generic/search.py 14 python/tvm/topi/generic/sort.py 8 python/tvm/topi/generic/vision.py 24 python/tvm/topi/generic_op_impl.py 22 python/tvm/topi/hls/__init__.py 3 python/tvm/topi/hls/injective.py 16 python/tvm/topi/hls/nn.py 162 python/tvm/topi/image/__init__.py 4 python/tvm/topi/image/dilation2d.py 87 python/tvm/topi/image/grid_sample.py 46 python/tvm/topi/image/resize.py 638 python/tvm/topi/intel_graphics/__init__.py 4 python/tvm/topi/intel_graphics/conv2d.py 453 python/tvm/topi/intel_graphics/conv2d_alter_op.py 80 python/tvm/topi/intel_graphics/depthwise_conv2d.py 197 python/tvm/topi/interpolate.py 44 python/tvm/topi/mali/__init__.py 4 python/tvm/topi/mali/conv2d.py 436 python/tvm/topi/mali/dense.py 56 python/tvm/topi/mali/depthwise_conv2d.py 82 python/tvm/topi/math.py 147 python/tvm/topi/mlas_op.py 70 python/tvm/topi/nn/__init__.py 31 python/tvm/topi/nn/batch_matmul.py 35 python/tvm/topi/nn/batch_to_space_nd.py 4 python/tvm/topi/nn/bitserial_conv2d.py 163 python/tvm/topi/nn/bitserial_dense.py 43 python/tvm/topi/nn/bitserial_util.py 54 python/tvm/topi/nn/bnn.py 40 python/tvm/topi/nn/conv1d.py 70 python/tvm/topi/nn/conv1d_transpose.py 37 python/tvm/topi/nn/conv2d.py 653 python/tvm/topi/nn/conv2d_transpose.py 77 python/tvm/topi/nn/conv3d.py 157 python/tvm/topi/nn/conv3d_transpose.py 87 python/tvm/topi/nn/correlation.py 57 python/tvm/topi/nn/deformable_conv2d.py 129 python/tvm/topi/nn/dense.py 63 python/tvm/topi/nn/depth_to_space.py 39 python/tvm/topi/nn/depthwise_conv2d.py 228 python/tvm/topi/nn/dilate.py 29 python/tvm/topi/nn/elemwise.py 24 python/tvm/topi/nn/fifo_buffer.py 131 python/tvm/topi/nn/flatten.py 20 python/tvm/topi/nn/local_response_norm.py 4 python/tvm/topi/nn/mapping.py 14 python/tvm/topi/nn/pad.py 79 python/tvm/topi/nn/pooling.py 105 python/tvm/topi/nn/qnn.py 88 python/tvm/topi/nn/softmax.py 65 python/tvm/topi/nn/space_to_batch_nd.py 4 python/tvm/topi/nn/space_to_depth.py 43 python/tvm/topi/nn/sparse.py 461 python/tvm/topi/nn/upsampling.py 102 python/tvm/topi/nn/utils.py 99 python/tvm/topi/nn/winograd_util.py 98 python/tvm/topi/random/__init__.py 2 python/tvm/topi/random/kernel.py 278 python/tvm/topi/reduction.py 38 python/tvm/topi/rocm/__init__.py 5 python/tvm/topi/rocm/batch_matmul.py 17 python/tvm/topi/rocm/conv2d.py 28 python/tvm/topi/rocm/dense.py 57 python/tvm/topi/rocm/nn.py 4 python/tvm/topi/scan.py 102 python/tvm/topi/scatter.py 219 python/tvm/topi/scatter_add.py 144 python/tvm/topi/sort.py 81 python/tvm/topi/sparse/__init__.py 4 python/tvm/topi/sparse/csrmm.py 55 python/tvm/topi/sparse/csrmv.py 46 python/tvm/topi/sparse/dense.py 123 python/tvm/topi/sparse/utils.py 209 python/tvm/topi/sparse_fill_empty_rows.py 72 python/tvm/topi/sparse_reshape.py 106 python/tvm/topi/tag.py 13 python/tvm/topi/tensor.py 8 python/tvm/topi/testing/__init__.py 49 python/tvm/topi/testing/adaptive_pool_python.py 84 python/tvm/topi/testing/batch_matmul.py 12 python/tvm/topi/testing/batch_to_space_nd.py 39 python/tvm/topi/testing/bilinear_resize_python.py 72 python/tvm/topi/testing/common.py 59 python/tvm/topi/testing/conv1d_ncw_python.py 29 python/tvm/topi/testing/conv1d_transpose_ncw_python.py 27 python/tvm/topi/testing/conv2d_hwcn_python.py 30 python/tvm/topi/testing/conv2d_nchw_python.py 37 python/tvm/topi/testing/conv2d_nhwc_python.py 39 python/tvm/topi/testing/conv2d_transpose_python.py 66 python/tvm/topi/testing/conv3d_ncdhw_python.py 45 python/tvm/topi/testing/conv3d_ndhwc_python.py 38 python/tvm/topi/testing/conv3d_transpose_ncdhw_python.py 49 python/tvm/topi/testing/correlation_nchw_python.py 43 python/tvm/topi/testing/crop_and_resize_python.py 87 python/tvm/topi/testing/deformable_conv2d_python.py 72 python/tvm/topi/testing/depth_to_space.py 15 python/tvm/topi/testing/depthwise_conv2d_python.py 92 python/tvm/topi/testing/dilate_python.py 16 python/tvm/topi/testing/gather_nd_python.py 18 python/tvm/topi/testing/gather_python.py 9 python/tvm/topi/testing/grid_sample_python.py 38 python/tvm/topi/testing/l2_normalize_python.py 7 python/tvm/topi/testing/lrn_python.py 22 python/tvm/topi/testing/matrix_set_diag.py 33 python/tvm/topi/testing/one_hot.py 26 python/tvm/topi/testing/pool_grad_python.py 44 python/tvm/topi/testing/poolnd_python.py 110 python/tvm/topi/testing/reorg_python.py 25 python/tvm/topi/testing/roi_align_python.py 132 python/tvm/topi/testing/roi_pool_python.py 39 python/tvm/topi/testing/sequence_mask_python.py 13 python/tvm/topi/testing/slice_axis_python.py 11 python/tvm/topi/testing/softmax_python.py 17 python/tvm/topi/testing/space_to_batch_nd.py 33 python/tvm/topi/testing/space_to_depth.py 11 python/tvm/topi/testing/strided_slice_python.py 46 python/tvm/topi/testing/trilinear_resize3d_python.py 80 python/tvm/topi/testing/upsampling_python.py 102 python/tvm/topi/transform.py 188 python/tvm/topi/unique.py 124 python/tvm/topi/utils.py 167 python/tvm/topi/vision/__init__.py 5 python/tvm/topi/vision/nms.py 442 python/tvm/topi/vision/nms_util.py 183 python/tvm/topi/vision/rcnn/__init__.py 3 python/tvm/topi/vision/rcnn/proposal.py 253 python/tvm/topi/vision/rcnn/roi_align.py 129 python/tvm/topi/vision/rcnn/roi_pool.py 41 python/tvm/topi/vision/reorg.py 4 python/tvm/topi/vision/ssd/__init__.py 2 python/tvm/topi/vision/ssd/multibox.py 152 python/tvm/topi/x86/__init__.py 24 python/tvm/topi/x86/batch_matmul.py 93 python/tvm/topi/x86/binarize_pack.py 14 python/tvm/topi/x86/binary_dense.py 32 python/tvm/topi/x86/bitserial_conv2d.py 442 python/tvm/topi/x86/bitserial_dense.py 124 python/tvm/topi/x86/conv1d.py 88 python/tvm/topi/x86/conv2d.py 194 python/tvm/topi/x86/conv2d_alter_op.py 292 python/tvm/topi/x86/conv2d_avx_1x1.py 191 python/tvm/topi/x86/conv2d_avx_common.py 126 python/tvm/topi/x86/conv2d_int8.py 172 python/tvm/topi/x86/conv2d_transpose.py 34 python/tvm/topi/x86/conv3d.py 483 python/tvm/topi/x86/conv3d_transpose.py 25 python/tvm/topi/x86/dense.py 263 python/tvm/topi/x86/dense_alter_op.py 63 python/tvm/topi/x86/depthwise_conv2d.py 235 python/tvm/topi/x86/group_conv2d.py 262 python/tvm/topi/x86/injective.py 59 python/tvm/topi/x86/nn.py 42 python/tvm/topi/x86/pooling.py 88 python/tvm/topi/x86/reduction.py 74 python/tvm/topi/x86/roi_align.py 169 python/tvm/topi/x86/scatter.py 46 python/tvm/topi/x86/sparse.py 38 python/tvm/topi/x86/tensor_intrin.py 190 python/tvm/topi/x86/utils.py 7