You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@tvm.apache.org by tq...@apache.org on 2021/05/21 12:32:57 UTC

[tvm] branch main updated (5a7c081 -> 720e7b1)

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

tqchen pushed a change to branch main
in repository https://gitbox.apache.org/repos/asf/tvm.git.


    from 5a7c081  [TVMC] add the support of the cross compiler options (#7922)
     add 720e7b1  [Refactor] Rename asnumpy -> numpy in NDArray (#8083)

No new revisions were added by this update.

Summary of changes:
 apps/android_rpc/tests/android_rpc_test.py         |   6 +-
 apps/extension/tests/test_ext.py                   |   4 +-
 apps/howto_deploy/python_deploy.py                 |   4 +-
 apps/ios_rpc/tests/ios_rpc_mobilenet.py            |   2 +-
 apps/ios_rpc/tests/ios_rpc_test.py                 |   6 +-
 apps/topi_recipe/broadcast/test_broadcast_map.py   |   4 +-
 apps/topi_recipe/conv/depthwise_conv2d_test.py     |  16 +-
 apps/topi_recipe/conv/test_conv2d_hwcn_map.py      |   4 +-
 apps/topi_recipe/conv/test_conv_int8_arm.py        |   4 +-
 apps/topi_recipe/conv/test_conv_int8_intel.py      |   4 +-
 apps/topi_recipe/gemm/android_gemm_square.py       |   2 +-
 apps/topi_recipe/gemm/cuda_gemm_square.py          |   2 +-
 apps/topi_recipe/gemm/gemm_int8.py                 |   2 +-
 apps/topi_recipe/reduce/test_reduce_map.py         |   2 +-
 apps/topi_recipe/rnn/matexp.py                     |   2 +-
 docs/deploy/hls.rst                                |   2 +-
 docs/dev/codebase_walkthrough.rst                  |   2 +-
 docs/dev/debugger.rst                              |   2 +-
 docs/dev/index.rst                                 |   4 +-
 docs/langref/relay_pattern.rst                     |   2 +-
 python/tvm/auto_scheduler/search_task.py           |   2 +-
 python/tvm/contrib/sparse.py                       |  15 +-
 python/tvm/contrib/target/coreml.py                |   4 +-
 python/tvm/contrib/target/onnx.py                  |   6 +-
 python/tvm/driver/tvmc/runner.py                   |   4 +-
 python/tvm/relay/analysis/sparse_conv2d.py         |   2 +-
 python/tvm/relay/analysis/sparse_dense.py          |   2 +-
 python/tvm/relay/backend/_backend.py               |   4 +-
 .../data_dep_optimization/simplify_fc_transpose.py |   2 +-
 python/tvm/relay/frontend/change_datatype.py       |   2 +-
 python/tvm/relay/frontend/common.py                |   2 +-
 python/tvm/relay/frontend/mxnet.py                 |  30 +--
 python/tvm/relay/frontend/onnx.py                  |  12 +-
 python/tvm/relay/frontend/pytorch.py               |  38 ++--
 python/tvm/relay/frontend/qnn_torch.py             |  10 +-
 python/tvm/relay/frontend/tensorflow.py            |  74 +++---
 python/tvm/relay/frontend/tflite.py                |  30 +--
 python/tvm/relay/op/algorithm.py                   |   2 +-
 python/tvm/relay/op/contrib/ethosn.py              |   4 +-
 python/tvm/relay/op/image/image.py                 |   2 +-
 python/tvm/relay/op/nn/nn.py                       |  12 +-
 python/tvm/relay/op/tensor.py                      |   4 +-
 python/tvm/relay/op/transform.py                   |  16 +-
 python/tvm/relay/qnn/op/legalizations.py           |  10 +-
 python/tvm/relay/quantize/_calibrate.py            |   6 +-
 python/tvm/relay/testing/__init__.py               |   6 +-
 python/tvm/relay/testing/py_converter.py           |   4 +-
 python/tvm/relay/transform/memory_plan.py          |   2 +-
 python/tvm/rpc/testing.py                          |   6 +-
 python/tvm/runtime/ndarray.py                      |  14 +-
 python/tvm/runtime/vm.py                           |   2 +-
 python/tvm/testing.py                              |   2 +-
 python/tvm/tir/buffer.py                           |   2 +-
 python/tvm/topi/cuda/sparse.py                     |   8 +-
 python/tvm/topi/random/kernel.py                   |   2 +-
 python/tvm/topi/sparse/utils.py                    |   4 +-
 python/tvm/topi/testing/common.py                  |   2 +-
 rust/tvm/examples/resnet/src/build_resnet.py       |   8 +-
 tests/micro/test_runtime_micro_on_arm.py           |  28 +--
 tests/micro/zephyr/test_zephyr.py                  |  26 +--
 .../test_minimal_target_codegen_llvm.py            |   4 +-
 .../test_runtime_ndarray.py                        |   8 +-
 .../contrib/test_arm_compute_lib/infrastructure.py |   8 +-
 tests/python/contrib/test_bnns/infrastructure.py   |   8 +-
 .../contrib/test_bnns/test_onnx_topologies.py      |   2 +-
 tests/python/contrib/test_cblas.py                 |   8 +-
 tests/python/contrib/test_coreml_codegen.py        |   2 +-
 tests/python/contrib/test_coreml_runtime.py        |   2 +-
 tests/python/contrib/test_cublas.py                |   8 +-
 tests/python/contrib/test_cudnn.py                 |   8 +-
 tests/python/contrib/test_dlpack.py                |   8 +-
 tests/python/contrib/test_edgetpu_runtime.py       |   2 +-
 tests/python/contrib/test_ethosn/infrastructure.py |   6 +-
 .../test_ethosn/test_constant_duplication.py       |   2 +-
 tests/python/contrib/test_gemm_acc16.py            |   2 +-
 tests/python/contrib/test_gemm_acc32_vnni.py       |   2 +-
 tests/python/contrib/test_miopen.py                |   4 +-
 tests/python/contrib/test_mps.py                   |   4 +-
 tests/python/contrib/test_mxnet_bridge.py          |   2 +-
 tests/python/contrib/test_nnpack.py                |   6 +-
 tests/python/contrib/test_onnx.py                  |   2 +-
 tests/python/contrib/test_onnx_model.py            |   2 +-
 tests/python/contrib/test_random.py                |  14 +-
 tests/python/contrib/test_rocblas.py               |   4 +-
 tests/python/contrib/test_sort.py                  |   8 +-
 tests/python/contrib/test_sparse.py                |   6 +-
 tests/python/contrib/test_tensorrt.py              |   6 +-
 tests/python/contrib/test_tflite_runtime.py        |   4 +-
 tests/python/contrib/test_thrust.py                |  10 +-
 .../contrib/test_verilator/test_mobilenet.py       |   2 +-
 .../contrib/test_verilator/test_verilator_ops.py   |   2 +-
 .../python/contrib/test_vitis_ai/infrastructure.py |   2 +-
 .../test_vitis_ai_runtime_cpu_part.py              |   2 +-
 tests/python/frontend/caffe/test_forward.py        | 118 +++++-----
 tests/python/frontend/caffe2/test_forward.py       |   6 +-
 tests/python/frontend/coreml/test_forward.py       |   8 +-
 tests/python/frontend/darknet/test_forward.py      |   2 +-
 tests/python/frontend/keras/test_forward.py        |   2 +-
 tests/python/frontend/mxnet/test_forward.py        | 156 ++++++-------
 tests/python/frontend/mxnet/test_qnn_ops_utils.py  |   4 +-
 tests/python/frontend/onnx/test_forward.py         |  12 +-
 tests/python/frontend/pytorch/qnn_test.py          |   8 +-
 tests/python/frontend/pytorch/test_forward.py      |  14 +-
 tests/python/frontend/pytorch/test_lstm.py         |   4 +-
 .../frontend/pytorch/test_object_detection.py      |   8 +-
 .../python/frontend/tensorflow/test_bn_dynamic.py  |   2 +-
 .../frontend/tensorflow/test_control_flow.py       |   4 +-
 tests/python/frontend/tensorflow/test_debugging.py |   6 +-
 tests/python/frontend/tensorflow/test_forward.py   | 140 ++++++------
 tests/python/frontend/tensorflow/test_no_op.py     |   2 +-
 tests/python/frontend/tflite/test_forward.py       | 250 ++++++++++-----------
 tests/python/integration/test_dot.py               |   2 +-
 tests/python/integration/test_ewise.py             |  14 +-
 tests/python/integration/test_ewise_fpga.py        |   4 +-
 tests/python/integration/test_gemm.py              |   2 +-
 tests/python/integration/test_reduce.py            |  42 ++--
 tests/python/integration/test_scan.py              |   2 +-
 tests/python/integration/test_winograd_nnpack.py   |   2 +-
 .../quantization/test_quantization_accuracy.py     |   6 +-
 .../test_quantization_accuracy_for_vit.py          |   2 +-
 tests/python/relay/aot/aot_test_utils.py           |   2 +-
 tests/python/relay/benchmarking/benchmark_vm.py    |   4 +-
 tests/python/relay/dyn/test_dynamic_op_level10.py  |   8 +-
 tests/python/relay/dyn/test_dynamic_op_level2.py   |   4 +-
 tests/python/relay/dyn/test_dynamic_op_level3.py   |   4 +-
 tests/python/relay/dyn/test_dynamic_op_level4.py   |   2 +-
 tests/python/relay/dyn/test_dynamic_op_level5.py   |   2 +-
 tests/python/relay/dyn/test_dynamic_op_level6.py   |   8 +-
 tests/python/relay/test_adt.py                     |   6 +-
 .../relay/test_analysis_get_calibration_data.py    |  14 +-
 tests/python/relay/test_any.py                     |   8 +-
 .../test_auto_scheduler_layout_rewrite_networks.py |   2 +-
 tests/python/relay/test_auto_scheduler_tuning.py   |   2 +-
 tests/python/relay/test_backend_compile_engine.py  |   2 +-
 tests/python/relay/test_backend_graph_executor.py  |  24 +-
 tests/python/relay/test_backend_interpreter.py     |  22 +-
 tests/python/relay/test_const.py                   |   6 +-
 tests/python/relay/test_cpp_build_module.py        |   8 +-
 tests/python/relay/test_dataflow_pattern.py        |   4 +-
 tests/python/relay/test_debug.py                   |   4 +-
 tests/python/relay/test_external_codegen.py        |   8 +-
 tests/python/relay/test_ir_nodes.py                |   2 +-
 tests/python/relay/test_ir_parser.py               |   2 +-
 tests/python/relay/test_json_runtime.py            |   6 +-
 tests/python/relay/test_memory_passes.py           |   6 +-
 tests/python/relay/test_op_fast_math.py            |   2 +-
 tests/python/relay/test_op_grad_level1.py          |   6 +-
 tests/python/relay/test_op_grad_level2.py          |   6 +-
 tests/python/relay/test_op_grad_level3.py          |   6 +-
 tests/python/relay/test_op_level1.py               |  22 +-
 tests/python/relay/test_op_level10.py              |  30 +--
 tests/python/relay/test_op_level2.py               |  58 ++---
 tests/python/relay/test_op_level3.py               |  84 +++----
 tests/python/relay/test_op_level4.py               |  28 +--
 tests/python/relay/test_op_level5.py               |  60 ++---
 tests/python/relay/test_op_level6.py               |  12 +-
 tests/python/relay/test_op_qnn_add.py              |  12 +-
 tests/python/relay/test_op_qnn_concatenate.py      |  10 +-
 tests/python/relay/test_op_qnn_conv2_transpose.py  |   2 +-
 tests/python/relay/test_op_qnn_conv2d.py           |   8 +-
 tests/python/relay/test_op_qnn_dense.py            |   2 +-
 tests/python/relay/test_op_qnn_dequantize.py       |   2 +-
 tests/python/relay/test_op_qnn_mul.py              |  10 +-
 tests/python/relay/test_op_qnn_quantize.py         |   2 +-
 tests/python/relay/test_op_qnn_requantize.py       |   2 +-
 .../relay/test_op_qnn_simulated_dequantize.py      |  12 +-
 .../python/relay/test_op_qnn_simulated_quantize.py |  12 +-
 tests/python/relay/test_op_qnn_subtract.py         |   2 +-
 tests/python/relay/test_param_dict.py              |  10 +-
 tests/python/relay/test_pass_alter_op_layout.py    |  22 +-
 tests/python/relay/test_pass_annotate_target.py    |   8 +-
 tests/python/relay/test_pass_annotation.py         |  10 +-
 tests/python/relay/test_pass_auto_quantize.py      |   6 +-
 .../python/relay/test_pass_defunctionalization.py  |   6 +-
 tests/python/relay/test_pass_dynamic_to_static.py  |  10 +-
 .../relay/test_pass_fold_explicit_padding.py       |   2 +-
 tests/python/relay/test_pass_fuse_ops.py           |   2 +-
 tests/python/relay/test_pass_gradient.py           |  82 +++----
 tests/python/relay/test_pass_lazy_gradient_init.py |  46 ++--
 tests/python/relay/test_pass_manager.py            |  24 +-
 tests/python/relay/test_pass_partial_eval.py       |  10 +-
 tests/python/relay/test_pass_partition_graph.py    |  12 +-
 tests/python/relay/test_pass_to_a_normal_form.py   |   2 +-
 .../relay/test_pass_to_basic_block_normal_form.py  |   2 +-
 tests/python/relay/test_pass_to_cps.py             |   2 +-
 .../python/relay/test_pass_to_graph_normal_form.py |   2 +-
 tests/python/relay/test_prng.py                    |   8 +-
 tests/python/relay/test_py_converter.py            |   4 +-
 tests/python/relay/test_simplify_fc_transpose.py   |   2 +-
 tests/python/relay/test_sparse_conv2d_convert.py   |   2 +-
 tests/python/relay/test_sparse_dense_convert.py    |   2 +-
 tests/python/relay/test_tensor_array.py            |   4 +-
 tests/python/relay/test_vm.py                      |  32 +--
 tests/python/relay/test_vm_serialization.py        |  30 +--
 tests/python/topi/python/test_fifo_buffer.py       |   6 +-
 tests/python/topi/python/test_topi_argwhere.py     |   2 +-
 tests/python/topi/python/test_topi_batch_matmul.py |   4 +-
 .../python/test_topi_batch_matmul_tensorcore.py    |   2 +-
 .../topi/python/test_topi_batch_to_space_nd.py     |   2 +-
 .../topi/python/test_topi_bitserial_conv2d.py      |   4 +-
 .../topi/python/test_topi_bitserial_conv2d_rasp.py |   2 +-
 .../topi/python/test_topi_bitserial_dense.py       |   2 +-
 tests/python/topi/python/test_topi_bnn.py          |   2 +-
 tests/python/topi/python/test_topi_broadcast.py    |  10 +-
 tests/python/topi/python/test_topi_clip.py         |   2 +-
 tests/python/topi/python/test_topi_conv1d.py       |   2 +-
 .../topi/python/test_topi_conv1d_transpose_ncw.py  |   4 +-
 tests/python/topi/python/test_topi_conv2d_NCHWc.py |   2 +-
 tests/python/topi/python/test_topi_conv2d_hwcn.py  |   6 +-
 .../python/test_topi_conv2d_hwnc_tensorcore.py     |   2 +-
 tests/python/topi/python/test_topi_conv2d_int8.py  |   6 +-
 tests/python/topi/python/test_topi_conv2d_nchw.py  |   2 +-
 tests/python/topi/python/test_topi_conv2d_nhwc.py  |   2 +-
 .../topi/python/test_topi_conv2d_nhwc_pack_int8.py |   2 +-
 .../python/test_topi_conv2d_nhwc_tensorcore.py     |   2 +-
 .../topi/python/test_topi_conv2d_nhwc_winograd.py  |   2 +-
 .../topi/python/test_topi_conv2d_transpose_nchw.py |   4 +-
 .../topi/python/test_topi_conv2d_winograd.py       |   4 +-
 tests/python/topi/python/test_topi_conv3d_ncdhw.py |   2 +-
 tests/python/topi/python/test_topi_conv3d_ndhwc.py |   2 +-
 .../python/test_topi_conv3d_ndhwc_tensorcore.py    |   2 +-
 .../python/test_topi_conv3d_transpose_ncdhw.py     |   4 +-
 .../topi/python/test_topi_conv3d_winograd.py       |   2 +-
 tests/python/topi/python/test_topi_correlation.py  |   2 +-
 .../topi/python/test_topi_deformable_conv2d.py     |   4 +-
 tests/python/topi/python/test_topi_dense.py        |   4 +-
 .../topi/python/test_topi_dense_tensorcore.py      |   2 +-
 .../python/topi/python/test_topi_depth_to_space.py |   2 +-
 .../topi/python/test_topi_depthwise_conv2d.py      |  20 +-
 .../test_topi_depthwise_conv2d_back_input.py       |   2 +-
 .../test_topi_depthwise_conv2d_back_weight.py      |   2 +-
 tests/python/topi/python/test_topi_dilate.py       |   2 +-
 tests/python/topi/python/test_topi_einsum.py       |   2 +-
 tests/python/topi/python/test_topi_group_conv2d.py |   6 +-
 .../python/test_topi_group_conv2d_NCHWc_int8.py    |   2 +-
 tests/python/topi/python/test_topi_image.py        |  10 +-
 tests/python/topi/python/test_topi_lrn.py          |   2 +-
 tests/python/topi/python/test_topi_math.py         |  10 +-
 tests/python/topi/python/test_topi_matmul.py       |   2 +-
 tests/python/topi/python/test_topi_pooling.py      |   8 +-
 tests/python/topi/python/test_topi_prng.py         |   8 +-
 tests/python/topi/python/test_topi_qnn.py          |   6 +-
 tests/python/topi/python/test_topi_reduce.py       |   6 +-
 tests/python/topi/python/test_topi_relu.py         |   6 +-
 tests/python/topi/python/test_topi_reorg.py        |   2 +-
 tests/python/topi/python/test_topi_softmax.py      |   2 +-
 tests/python/topi/python/test_topi_sort.py         |  12 +-
 .../topi/python/test_topi_space_to_batch_nd.py     |   2 +-
 .../python/topi/python/test_topi_space_to_depth.py |   2 +-
 tests/python/topi/python/test_topi_sparse.py       |  26 +--
 tests/python/topi/python/test_topi_tensor.py       |   8 +-
 tests/python/topi/python/test_topi_transform.py    |  62 ++---
 tests/python/topi/python/test_topi_unique.py       |  20 +-
 tests/python/topi/python/test_topi_upsampling.py   |   4 +-
 tests/python/topi/python/test_topi_vision.py       |  22 +-
 .../unittest/test_auto_scheduler_layout_rewrite.py |  10 +-
 .../unittest/test_auto_scheduler_search_policy.py  |   4 +-
 tests/python/unittest/test_crt.py                  |  22 +-
 tests/python/unittest/test_custom_datatypes.py     |   2 +-
 tests/python/unittest/test_link_params.py          |  18 +-
 tests/python/unittest/test_lower_build.py          |   4 +-
 tests/python/unittest/test_runtime_container.py    |   2 +-
 tests/python/unittest/test_runtime_extension.py    |   2 +-
 tests/python/unittest/test_runtime_graph.py        |   8 +-
 .../unittest/test_runtime_graph_cuda_graph.py      |   4 +-
 tests/python/unittest/test_runtime_graph_debug.py  |   4 +-
 .../python/unittest/test_runtime_heterogeneous.py  |   6 +-
 .../test_runtime_module_based_interface.py         |  52 ++---
 tests/python/unittest/test_runtime_module_load.py  |  20 +-
 tests/python/unittest/test_runtime_rpc.py          |  20 +-
 tests/python/unittest/test_runtime_trace.py        |  20 +-
 tests/python/unittest/test_target_codegen_blob.py  |   6 +-
 tests/python/unittest/test_target_codegen_bool.py  |   8 +-
 .../python/unittest/test_target_codegen_c_host.py  |  12 +-
 .../unittest/test_target_codegen_cross_llvm.py     |   2 +-
 tests/python/unittest/test_target_codegen_cuda.py  |  44 ++--
 .../python/unittest/test_target_codegen_device.py  |   4 +-
 .../python/unittest/test_target_codegen_extern.py  |   8 +-
 tests/python/unittest/test_target_codegen_llvm.py  |  48 ++--
 tests/python/unittest/test_target_codegen_rocm.py  |   8 +-
 .../unittest/test_target_codegen_static_init.py    |   2 +-
 .../unittest/test_target_codegen_vm_basic.py       |   6 +-
 .../python/unittest/test_target_codegen_vulkan.py  |  18 +-
 tests/python/unittest/test_te_autodiff.py          |   6 +-
 tests/python/unittest/test_te_hybrid_script.py     |  16 +-
 tests/python/unittest/test_te_schedule_ops.py      |   4 +-
 ...te_schedule_postproc_rewrite_for_tensor_core.py |   4 +-
 .../unittest/test_te_schedule_tensor_core.py       |   6 +-
 tests/python/unittest/test_te_tensor.py            |   6 +-
 tests/python/unittest/test_te_tensor_overload.py   |   8 +-
 tests/python/unittest/test_tir_buffer.py           |   8 +-
 tests/python/unittest/test_tir_intrin.py           |  14 +-
 tests/python/unittest/test_tir_ir_builder.py       |  12 +-
 ...test_tir_transform_instrument_bound_checkers.py |   6 +-
 .../unittest/test_tir_transform_loop_partition.py  |   4 +-
 .../unittest/test_tir_transform_lower_intrin.py    |   2 +-
 .../test_tir_transform_lower_tvm_builtin.py        |   4 +-
 .../test_tir_transform_lower_warp_memory.py        |   8 +-
 tutorials/auto_scheduler/tune_conv2d_layer_cuda.py |   2 +-
 tutorials/auto_scheduler/tune_sparse_x86.py        |   2 +-
 tutorials/autotvm/tune_conv2d_cuda.py              |   2 +-
 tutorials/dev/bring_your_own_datatypes.py          |   4 +-
 tutorials/frontend/build_gcn.py                    |   2 +-
 tutorials/frontend/deploy_model_on_android.py      |   2 +-
 tutorials/frontend/deploy_model_on_rasp.py         |   2 +-
 .../frontend/deploy_object_detection_pytorch.py    |   4 +-
 tutorials/frontend/deploy_prequantized.py          |   2 +-
 tutorials/frontend/deploy_prequantized_tflite.py   |   4 +-
 tutorials/frontend/deploy_sparse.py                |   2 +-
 tutorials/frontend/deploy_ssd_gluoncv.py           |   6 +-
 tutorials/frontend/from_caffe2.py                  |   2 +-
 tutorials/frontend/from_coreml.py                  |   2 +-
 tutorials/frontend/from_darknet.py                 |  22 +-
 tutorials/frontend/from_keras.py                   |   2 +-
 tutorials/frontend/from_mxnet.py                   |   2 +-
 tutorials/frontend/from_onnx.py                    |   2 +-
 tutorials/frontend/from_pytorch.py                 |   2 +-
 tutorials/frontend/from_tensorflow.py              |   2 +-
 tutorials/frontend/from_tflite.py                  |   2 +-
 tutorials/frontend/using_external_lib.py           |   4 +-
 tutorials/get_started/auto_tuning_with_python.py   |   4 +-
 tutorials/get_started/autotvm_matmul.py            |   2 +-
 tutorials/get_started/cross_compilation_and_rpc.py |   4 +-
 tutorials/get_started/relay_quick_start.py         |   4 +-
 tutorials/get_started/tensor_expr_get_started.py   |  20 +-
 tutorials/get_started/tune_matmul_x86.py           |   2 +-
 tutorials/language/extern_op.py                    |   6 +-
 tutorials/language/reduction.py                    |   2 +-
 tutorials/language/scan.py                         |   2 +-
 tutorials/language/tensorize.py                    |   4 +-
 tutorials/micro/micro_tflite.py                    |   2 +-
 tutorials/optimize/opt_gemm.py                     |  16 +-
 tutorials/topi/intro_topi.py                       |   2 +-
 .../python/integration/test_benchmark_gemm.py      |   2 +-
 .../integration/test_benchmark_topi_conv2d.py      |   2 +-
 .../test_benchmark_topi_conv2d_transpose.py        |   2 +-
 .../integration/test_benchmark_topi_dense.py       |   2 +-
 .../test_benchmark_topi_group_conv2d.py            |   2 +-
 vta/tests/python/unittest/test_vta_insn.py         |  14 +-
 vta/tutorials/frontend/deploy_classification.py    |   2 +-
 vta/tutorials/frontend/legacy/deploy_detection.py  |   8 +-
 vta/tutorials/matrix_multiply.py                   |   4 +-
 vta/tutorials/optimize/convolution_opt.py          |   2 +-
 vta/tutorials/optimize/matrix_multiply_opt.py      |   2 +-
 vta/tutorials/vta_get_started.py                   |   4 +-
 345 files changed, 1672 insertions(+), 1713 deletions(-)