This is an automated email from the ASF dual-hosted git repository.

github-bot pushed a change to branch nightly
in repository https://gitbox.apache.org/repos/asf/tvm.git


    from d7ae4c74fc [Relax] [PyTorch] Add support for torch.nn.Hardsigmoid 
(#17085)
     add d3011ab609 [SME] Utilize predication in fp32 matmul and conv2d 
schedules (#17054)
     add 4ecae58d54 [Relax] [ONNX] Add support for HardSwish (#17088)
     add 292ecfd210 [UnitTests] Use tvm.ir.assert_structural_equal whenever 
possible (#17092)

No new revisions were added by this update.

Summary of changes:
 python/tvm/relax/frontend/onnx/onnx_frontend.py    |  17 +++
 python/tvm/relay/op/strategy/arm_cpu.py            |   7 ++
 python/tvm/tir/tensor_intrin/arm_cpu.py            | 134 +++++++++++++++++----
 python/tvm/topi/arm_cpu/conv2d.py                  |  40 +++---
 python/tvm/topi/arm_cpu/conv2d_gemm.py             |  39 ++++--
 python/tvm/topi/arm_cpu/matmul.py                  |  58 ++++-----
 .../python/arith/test_arith_canonical_simplify.py  |   2 +-
 tests/python/arith/test_arith_simplify.py          |   2 +-
 .../python/codegen/test_target_codegen_aarch64.py  |   4 +
 .../test_cmsisnn/test_scalar_to_tensor_constant.py |   8 +-
 tests/python/contrib/test_coreml_codegen.py        |   2 +-
 .../test_ethosn/test_convert_equivalents.py        |  16 +--
 .../contrib/test_ethosn/test_inline_partitions.py  |  22 ++--
 .../contrib/test_ethosu/test_extract_constants.py  |   4 +-
 .../contrib/test_ethosu/test_identity_optimizer.py |  36 ++----
 .../contrib/test_ethosu/test_layout_optimizer.py   |  37 +++---
 .../contrib/test_ethosu/test_lut_optimizer.py      |   6 +-
 .../test_ethosu/test_outline_compiler_functions.py |   2 +-
 tests/python/contrib/test_ethosu/test_partition.py |   2 +-
 .../python/contrib/test_ethosu/test_preprocess.py  |   8 +-
 .../test_hexagon/test_relay_simplify_conv_pat.py   |   4 +-
 .../test_hexagon/test_relay_simplify_qnn_concat.py |   2 +-
 .../contrib/test_hexagon/test_relay_transforms.py  |   6 +-
 .../contrib/test_vitis_ai/test_vitis_ai_codegen.py |   2 +-
 tests/python/frontend/caffe2/test_graph.py         |   2 +-
 tests/python/frontend/mxnet/test_graph.py          |   2 +-
 tests/python/frontend/onnx/test_forward.py         |   4 +-
 tests/python/frontend/pytorch/qnn_test.py          |   6 +-
 tests/python/frontend/pytorch/test_forward.py      |   8 +-
 tests/python/frontend/pytorch/test_fx_quant.py     |   2 +-
 tests/python/frontend/pytorch/test_lstm.py         |   2 +-
 .../frontend/pytorch/test_object_detection.py      |   2 +-
 tests/python/frontend/pytorch/test_rnns.py         |   4 +-
 .../python/frontend/tensorflow/test_bn_dynamic.py  |   2 +-
 tests/python/frontend/tensorflow/test_forward.py   |  10 +-
 tests/python/frontend/tflite/test_forward.py       |   4 +-
 tests/python/ir/test_ir_attrs.py                   |   2 +-
 tests/python/ir/test_ir_type.py                    |   2 +-
 .../meta_schedule/test_meta_schedule_database.py   |   2 +-
 tests/python/relax/test_frontend_onnx.py           |   4 +
 tests/python/relax/test_transform.py               |   5 +-
 .../test_analysis_extract_intermediate_expr.py     |  12 +-
 tests/python/relay/test_call_graph.py              |   2 +-
 tests/python/relay/test_dataflow_pattern.py        |  94 +++++++--------
 tests/python/relay/test_ir_bind.py                 |   4 +-
 .../python/relay/test_ir_structural_equal_hash.py  |   2 +-
 tests/python/relay/test_name_supply.py             |   8 +-
 tests/python/relay/test_pass_alter_op_layout.py    |  80 ++++++------
 tests/python/relay/test_pass_annotate_target.py    |  26 ++--
 tests/python/relay/test_pass_canonicalize_cast.py  |   2 +-
 .../relay/test_pass_combine_parallel_conv2d.py     |   8 +-
 tests/python/relay/test_pass_convert_op_layout.py  | 102 ++++++++--------
 .../relay/test_pass_dead_code_elimination.py       |   2 +-
 tests/python/relay/test_pass_defuse_ops.py         |   8 +-
 .../relay/test_pass_eliminate_common_subexpr.py    |   8 +-
 .../test_pass_fake_quantization_to_integer.py      |   4 +-
 .../python/relay/test_pass_flatten_atrous_conv.py  |   2 +-
 tests/python/relay/test_pass_fold_constant.py      |   2 +-
 .../relay/test_pass_fold_explicit_padding.py       |  10 +-
 tests/python/relay/test_pass_fold_scale_axis.py    |  34 +++---
 tests/python/relay/test_pass_fuse_ops.py           |  46 +++----
 tests/python/relay/test_pass_inline.py             |  32 ++---
 tests/python/relay/test_pass_legalize.py           |   8 +-
 .../python/relay/test_pass_legalize_tensorcore.py  |   8 +-
 tests/python/relay/test_pass_manager.py            |   8 +-
 tests/python/relay/test_pass_manifest_lifetimes.py |   2 +-
 .../relay/test_pass_merge_compiler_regions.py      |   4 +-
 tests/python/relay/test_pass_merge_composite.py    |   4 +-
 tests/python/relay/test_pass_partial_eval.py       |  26 ++--
 tests/python/relay/test_pass_partition_graph.py    |  28 ++---
 tests/python/relay/test_pass_qnn_legalize.py       |  12 +-
 .../relay/test_pass_remove_unused_functions.py     |   2 +-
 tests/python/relay/test_pass_simplify_expr.py      |  72 +++++------
 tests/python/relay/test_pass_simplify_inference.py |   4 +-
 tests/python/relay/test_pass_split_args.py         |   2 +-
 tests/python/relay/test_pass_to_a_normal_form.py   |   4 +-
 .../relay/test_pass_to_basic_block_normal_form.py  |  16 +--
 tests/python/relay/test_prng.py                    |   6 +-
 tests/python/relay/test_recast.py                  |  10 +-
 tests/python/relay/test_to_mixed_precision.py      |  32 ++---
 tests/python/relay/test_type_infer.py              |   2 +-
 tests/python/relay/utils/tag_span.py               |   4 +-
 tests/python/te/test_te_hybrid_script.py           |   4 +-
 tests/python/te/test_te_schedule_tensorize.py      |  44 +++----
 tests/python/tir-base/test_tir_buffer.py           |  14 +--
 tests/python/tir-base/test_tir_ops.py              |  12 +-
 .../tir-schedule/test_tir_schedule_utilities.py    |   8 +-
 .../test_tir_transform_common_subexpr_elim.py      |  24 ++--
 .../test_tir_transform_loop_partition.py           |  14 +--
 .../test_tir_transform_prim_func_pass.py           |   2 +-
 .../test_transform_default_gpu_schedule.py         |   2 +-
 tests/python/topi/test_topi_conv2d_nhwc.py         |  10 +-
 vta/python/vta/transform.py                        |  12 +-
 93 files changed, 743 insertions(+), 668 deletions(-)

Reply via email to