mindspore 2.1.0__cp38-cp38-manylinux1_x86_64.whl → 2.2.10__cp38-cp38-manylinux1_x86_64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +4 -1
- mindspore/_akg/akg/build_module.py +5 -6
- mindspore/_akg/akg/composite/build_module.py +46 -19
- mindspore/_akg/akg/composite/split_stitch.py +10 -11
- mindspore/_akg/akg/ms/info_version_adapt.py +67 -1
- mindspore/_akg/akg/tvm/api.py +4 -3
- mindspore/_akg/akg/tvm/autotvm/__init__.py +1 -2
- mindspore/_akg/akg/tvm/autotvm/graph_tuner/base_graph_tuner.py +1 -5
- mindspore/_akg/akg/tvm/autotvm/measure/__init__.py +1 -1
- mindspore/_akg/akg/tvm/autotvm/measure/measure.py +1 -10
- mindspore/_akg/akg/tvm/autotvm/measure/measure_methods.py +1 -372
- mindspore/_akg/akg/tvm/build_module.py +16 -1
- mindspore/_akg/akg/tvm/contrib/graph_runtime.py +0 -53
- mindspore/_akg/akg/tvm/hybrid/parser.py +7 -6
- mindspore/_akg/akg/tvm/ir_builder.py +1 -1
- mindspore/_akg/akg/tvm/module.py +1 -2
- mindspore/_akg/akg/tvm/stmt.py +2 -2
- mindspore/_akg/akg/utils/ascend_profilier/__init__.py +0 -0
- mindspore/_akg/akg/utils/ascend_profilier/cann_file_parser.py +76 -0
- mindspore/_akg/akg/utils/ascend_profilier/file_manager.py +56 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_bean.py +23 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_headers.py +8 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_parser.py +42 -0
- mindspore/_akg/akg/utils/ascend_profilier/path_manager.py +65 -0
- mindspore/_akg/akg/utils/composite_op_helper.py +9 -10
- mindspore/_akg/akg/utils/kernel_exec.py +98 -274
- mindspore/_akg/akg/utils/result_analysis.py +4 -24
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +219 -0
- mindspore/_akg/akg/utils/util.py +38 -0
- mindspore/_c_dataengine.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -1
- mindspore/_checkparam.py +23 -29
- mindspore/_extends/graph_kernel/__init__.py +0 -1
- mindspore/_extends/graph_kernel/model/graph_split.py +84 -76
- mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
- mindspore/_extends/graph_kernel/splitter.py +4 -11
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +122 -15
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +84 -67
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
- mindspore/_extends/parallel_compile/akg_compiler/util.py +10 -7
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +2 -2
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +6 -5
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
- mindspore/_extends/parse/__init__.py +12 -15
- mindspore/_extends/parse/namespace.py +7 -33
- mindspore/_extends/parse/parser.py +61 -71
- mindspore/_extends/parse/resources.py +1 -1
- mindspore/_extends/parse/standard_method.py +74 -104
- mindspore/_extends/parse/trope.py +1 -1
- mindspore/_extends/remote/kernel_build_server.py +25 -7
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_install_custom.py +43 -0
- mindspore/_mindspore_offline_debug.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/amp.py +47 -11
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/boost.py +1 -8
- mindspore/boost/boost_cell_wrapper.py +3 -2
- mindspore/boost/grad_accumulation.py +1 -1
- mindspore/boost/group_loss_scale_manager.py +8 -7
- mindspore/common/__init__.py +5 -3
- mindspore/common/_jit_fallback_utils.py +6 -0
- mindspore/common/_register_for_adapter.py +2 -0
- mindspore/common/_register_for_tensor.py +2 -2
- mindspore/common/_stub_tensor.py +13 -0
- mindspore/common/_utils.py +13 -0
- mindspore/common/api.py +174 -259
- mindspore/common/auto_dynamic_shape.py +494 -0
- mindspore/common/dtype.py +18 -11
- mindspore/common/dump.py +6 -4
- mindspore/common/initializer.py +14 -14
- mindspore/common/jit_config.py +33 -15
- mindspore/common/lazy_inline.py +126 -7
- mindspore/common/mindir_util.py +101 -0
- mindspore/common/parameter.py +51 -41
- mindspore/common/seed.py +4 -4
- mindspore/common/sparse_tensor.py +13 -14
- mindspore/common/tensor.py +243 -165
- mindspore/communication/__init__.py +7 -4
- mindspore/communication/_comm_helper.py +83 -4
- mindspore/communication/management.py +152 -84
- mindspore/config/op_info.config +14 -3
- mindspore/config/super_bar_config.json +4 -2
- mindspore/context.py +152 -61
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +2 -2
- mindspore/dataset/audio/transforms.py +52 -52
- mindspore/dataset/callback/ds_callback.py +16 -2
- mindspore/dataset/core/config.py +68 -51
- mindspore/dataset/engine/cache_client.py +28 -5
- mindspore/dataset/engine/datasets.py +250 -112
- mindspore/dataset/engine/datasets_audio.py +43 -211
- mindspore/dataset/engine/datasets_standard_format.py +16 -35
- mindspore/dataset/engine/datasets_text.py +43 -67
- mindspore/dataset/engine/datasets_user_defined.py +86 -100
- mindspore/dataset/engine/datasets_vision.py +219 -1029
- mindspore/dataset/engine/iterators.py +11 -4
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +4 -0
- mindspore/dataset/engine/obs/util.py +3 -0
- mindspore/dataset/engine/samplers.py +1 -1
- mindspore/dataset/engine/validators.py +19 -5
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +101 -127
- mindspore/dataset/text/utils.py +205 -138
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/py_transforms_util.py +40 -12
- mindspore/dataset/transforms/transforms.py +95 -40
- mindspore/dataset/utils/browse_dataset.py +8 -2
- mindspore/dataset/utils/line_reader.py +17 -19
- mindspore/dataset/vision/__init__.py +3 -3
- mindspore/dataset/vision/c_transforms.py +6 -3
- mindspore/dataset/vision/transforms.py +409 -287
- mindspore/dataset/vision/utils.py +13 -14
- mindspore/dataset/vision/validators.py +11 -1
- mindspore/experimental/map_parameter.py +14 -0
- mindspore/{nn/optim_ex → experimental/optim}/__init__.py +30 -29
- mindspore/{nn/optim_ex → experimental/optim}/adam.py +60 -67
- mindspore/{nn/optim_ex → experimental/optim}/adamw.py +181 -203
- mindspore/experimental/optim/lr_scheduler.py +1427 -0
- mindspore/{nn/optim_ex → experimental/optim}/optimizer.py +252 -259
- mindspore/{nn/optim_ex → experimental/optim}/sgd.py +147 -152
- mindspore/gen_ops.py +273 -0
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/data_type.h +2 -1
- mindspore/include/api/graph.h +0 -15
- mindspore/include/api/kernel.h +2 -0
- mindspore/include/api/kernel_api.h +37 -12
- mindspore/include/api/model.h +17 -14
- mindspore/include/api/status.h +8 -3
- mindspore/include/api/types.h +37 -4
- mindspore/include/c_api/ms/abstract.h +67 -0
- mindspore/include/c_api/ms/attribute.h +197 -0
- mindspore/include/c_api/ms/base/handle_types.h +43 -0
- mindspore/include/c_api/ms/base/macros.h +32 -0
- mindspore/include/c_api/ms/base/status.h +33 -0
- mindspore/include/c_api/ms/base/types.h +282 -0
- mindspore/include/c_api/ms/context.h +102 -0
- mindspore/include/c_api/ms/graph.h +160 -0
- mindspore/include/c_api/ms/node.h +606 -0
- mindspore/include/c_api/ms/tensor.h +161 -0
- mindspore/include/c_api/ms/value.h +84 -0
- mindspore/include/dataset/constants.h +6 -5
- mindspore/include/dataset/execute.h +23 -13
- mindspore/include/dataset/text.h +26 -26
- mindspore/include/dataset/transforms.h +13 -13
- mindspore/include/dataset/vision.h +60 -60
- mindspore/include/dataset/vision_ascend.h +5 -6
- mindspore/include/dataset/vision_lite.h +17 -17
- mindspore/include/mindapi/base/type_id.h +1 -0
- mindspore/include/mindapi/base/types.h +1 -0
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libjemalloc.so.2 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_glog.so.0 +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libnnacl.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
- mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
- mindspore/lib/libps_cache.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend310/aic-ascend310-ops-info.json +123 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend310p/aic-ascend310p-ops-info.json +123 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910/aic-ascend910-ops-info.json +158 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910b/aic-ascend910b-ops-info.json +37 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/add_dsl.py +46 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/add_tik.py +51 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +241 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/matmul_tik.py +212 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/add_dsl.py +46 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/add_tik.py +51 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +241 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/matmul_tik.py +212 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_proto/libop_proto.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +8928 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
- mindspore/lib/plugin/ascend/libakg.so +0 -0
- mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/cpu/libakg.so +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.10 +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.11 +0 -0
- mindspore/lib/plugin/gpu10.1/libakg.so +0 -0
- mindspore/lib/plugin/gpu10.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.1/libakg.so +0 -0
- mindspore/lib/plugin/gpu11.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.6/libakg.so +0 -0
- mindspore/lib/plugin/gpu11.6/libnccl.so.2 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.10.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.6 +0 -0
- mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
- mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
- mindspore/nn/__init__.py +0 -2
- mindspore/nn/cell.py +313 -74
- mindspore/nn/dynamic_lr.py +21 -21
- mindspore/nn/layer/activation.py +22 -30
- mindspore/nn/layer/basic.py +15 -13
- mindspore/nn/layer/channel_shuffle.py +1 -1
- mindspore/nn/layer/container.py +271 -9
- mindspore/nn/layer/conv.py +323 -204
- mindspore/nn/layer/dense.py +8 -5
- mindspore/nn/layer/embedding.py +33 -27
- mindspore/nn/layer/flash_attention.py +141 -88
- mindspore/nn/layer/image.py +8 -6
- mindspore/nn/layer/math.py +16 -25
- mindspore/nn/layer/normalization.py +107 -66
- mindspore/nn/layer/padding.py +1 -1
- mindspore/nn/layer/pooling.py +131 -109
- mindspore/nn/layer/rnn_cells.py +27 -22
- mindspore/nn/layer/rnns.py +13 -16
- mindspore/nn/layer/thor_layer.py +1 -1
- mindspore/nn/layer/transformer.py +221 -154
- mindspore/nn/learning_rate_schedule.py +9 -1
- mindspore/nn/loss/loss.py +235 -174
- mindspore/nn/optim/ada_grad.py +2 -1
- mindspore/nn/optim/adadelta.py +1 -0
- mindspore/nn/optim/adafactor.py +2 -1
- mindspore/nn/optim/adam.py +7 -4
- mindspore/nn/optim/adamax.py +3 -2
- mindspore/nn/optim/adasum.py +2 -2
- mindspore/nn/optim/asgd.py +2 -3
- mindspore/nn/optim/ftrl.py +6 -5
- mindspore/nn/optim/lamb.py +7 -4
- mindspore/nn/optim/lars.py +1 -1
- mindspore/nn/optim/lazyadam.py +5 -3
- mindspore/nn/optim/momentum.py +2 -1
- mindspore/nn/optim/optimizer.py +53 -4
- mindspore/nn/optim/proximal_ada_grad.py +3 -4
- mindspore/nn/optim/rmsprop.py +4 -3
- mindspore/nn/optim/rprop.py +23 -12
- mindspore/nn/optim/sgd.py +26 -11
- mindspore/nn/optim/thor.py +9 -7
- mindspore/nn/probability/bijector/bijector.py +5 -5
- mindspore/nn/probability/bijector/power_transform.py +27 -27
- mindspore/nn/probability/bijector/softplus.py +3 -3
- mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -3
- mindspore/nn/probability/distribution/bernoulli.py +5 -5
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +7 -7
- mindspore/nn/probability/distribution/cauchy.py +0 -1
- mindspore/nn/probability/distribution/distribution.py +3 -3
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +4 -4
- mindspore/nn/probability/distribution/gumbel.py +4 -4
- mindspore/nn/probability/distribution/log_normal.py +2 -2
- mindspore/nn/probability/distribution/logistic.py +2 -2
- mindspore/nn/probability/distribution/poisson.py +4 -4
- mindspore/nn/probability/distribution/transformed_distribution.py +3 -3
- mindspore/nn/probability/distribution/uniform.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +84 -34
- mindspore/nn/wrap/grad_reducer.py +8 -5
- mindspore/nn/wrap/loss_scale.py +105 -42
- mindspore/numpy/array_creations.py +1 -2
- mindspore/numpy/array_ops.py +3 -2
- mindspore/numpy/utils_const.py +5 -5
- mindspore/offline_debug/convert_async.py +2 -2
- mindspore/ops/_grad_experimental/__init__.py +0 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +2 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +15 -2
- mindspore/ops/_grad_experimental/grad_debug_ops.py +0 -37
- mindspore/ops/_grad_experimental/grad_implementations.py +11 -1
- mindspore/ops/_grad_experimental/grad_inner_ops.py +2 -216
- mindspore/ops/_grad_experimental/grad_math_ops.py +19 -199
- mindspore/ops/_grad_experimental/grad_sparse.py +15 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +165 -109
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +144 -86
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +172 -187
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +51 -57
- mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +6 -17
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +14 -2
- mindspore/ops/_op_impl/aicpu/add.py +3 -3
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +3 -3
- mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
- mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
- mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
- mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
- mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
- mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
- mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -5
- mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -5
- mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
- mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
- mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
- mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
- mindspore/ops/_op_impl/tbe/__init__.py +4 -4
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +1 -1
- mindspore/ops/_tracefunc.py +45 -13
- mindspore/ops/_utils/utils.py +6 -1
- mindspore/ops/_vmap/vmap_array_ops.py +3 -3
- mindspore/ops/_vmap/vmap_base.py +3 -3
- mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
- mindspore/ops/_vmap/vmap_math_ops.py +5 -2
- mindspore/ops/_vmap/vmap_nn_ops.py +61 -7
- mindspore/ops/arg_dtype_cast.py +54 -0
- mindspore/ops/composite/base.py +37 -10
- mindspore/ops/composite/math_ops.py +5 -4
- mindspore/ops/composite/multitype_ops/_compile_utils.py +275 -73
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +16 -9
- mindspore/ops/composite/multitype_ops/add_impl.py +43 -4
- mindspore/ops/composite/multitype_ops/getitem_impl.py +42 -4
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
- mindspore/ops/deprecated.py +304 -0
- mindspore/ops/function/__init__.py +4 -1
- mindspore/ops/function/array_func.py +174 -193
- mindspore/ops/function/clip_func.py +81 -13
- mindspore/ops/function/debug_func.py +1 -1
- mindspore/ops/function/grad/grad_func.py +18 -9
- mindspore/ops/function/image_func.py +10 -4
- mindspore/ops/function/linalg_func.py +5 -5
- mindspore/ops/function/math_func.py +575 -386
- mindspore/ops/function/nn_func.py +568 -260
- mindspore/ops/function/random_func.py +88 -57
- mindspore/ops/function/sparse_func.py +1 -1
- mindspore/ops/function/sparse_unary_func.py +14 -12
- mindspore/ops/function/vmap_func.py +6 -5
- mindspore/ops/functional.py +15 -10
- mindspore/ops/op_info_register.py +244 -25
- mindspore/ops/operations/__init__.py +28 -19
- mindspore/ops/operations/_grad_ops.py +72 -7
- mindspore/ops/operations/_inner_ops.py +350 -17
- mindspore/ops/operations/_quant_ops.py +4 -8
- mindspore/ops/operations/_sequence_ops.py +42 -0
- mindspore/ops/operations/array_ops.py +68 -282
- mindspore/ops/operations/comm_ops.py +107 -59
- mindspore/ops/operations/custom_ops.py +94 -70
- mindspore/ops/operations/debug_ops.py +8 -4
- mindspore/ops/operations/image_ops.py +18 -12
- mindspore/ops/operations/inner_ops.py +26 -3
- mindspore/ops/operations/math_ops.py +189 -141
- mindspore/ops/operations/nn_ops.py +794 -489
- mindspore/ops/operations/other_ops.py +0 -22
- mindspore/ops/operations/random_ops.py +53 -111
- mindspore/ops/operations/sparse_ops.py +3 -1
- mindspore/ops/primitive.py +24 -18
- mindspore/parallel/_auto_parallel_context.py +68 -8
- mindspore/parallel/_cost_model_context.py +2 -2
- mindspore/parallel/_offload_context.py +17 -3
- mindspore/parallel/_parallel_serialization.py +12 -5
- mindspore/parallel/_ps_context.py +12 -0
- mindspore/parallel/_tensor.py +18 -13
- mindspore/parallel/_transformer/layers.py +5 -3
- mindspore/parallel/_transformer/loss.py +1 -0
- mindspore/parallel/_transformer/moe.py +2 -2
- mindspore/parallel/_transformer/op_parallel_config.py +12 -1
- mindspore/parallel/_transformer/transformer.py +23 -3
- mindspore/parallel/_utils.py +11 -7
- mindspore/parallel/algo_parameter_config.py +85 -5
- mindspore/parallel/checkpoint_transform.py +19 -12
- mindspore/parallel/shard.py +21 -14
- mindspore/profiler/common/struct_type.py +3 -3
- mindspore/profiler/common/util.py +4 -2
- mindspore/profiler/envprofiling.py +1 -1
- mindspore/profiler/parser/aicpu_data_parser.py +5 -3
- mindspore/profiler/parser/ascend_flops_generator.py +2 -2
- mindspore/profiler/parser/ascend_fpbp_generator.py +1 -1
- mindspore/profiler/parser/ascend_hccl_generator.py +249 -12
- mindspore/profiler/parser/ascend_msprof_exporter.py +150 -255
- mindspore/profiler/parser/ascend_msprof_generator.py +204 -17
- mindspore/profiler/parser/ascend_op_generator.py +6 -6
- mindspore/profiler/parser/ascend_steptrace_generator.py +6 -4
- mindspore/profiler/parser/ascend_timeline_generator.py +14 -187
- mindspore/profiler/parser/base_timeline_generator.py +10 -8
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +16 -12
- mindspore/profiler/parser/flops_parser.py +15 -11
- mindspore/profiler/parser/framework_parser.py +38 -22
- mindspore/profiler/parser/hccl_parser.py +16 -12
- mindspore/profiler/parser/integrator.py +22 -11
- mindspore/profiler/parser/memory_usage_parser.py +2 -2
- mindspore/profiler/parser/minddata_analyzer.py +12 -14
- mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
- mindspore/profiler/parser/msadvisor_parser.py +8 -4
- mindspore/profiler/parser/op_intermediate_parser.py +5 -2
- mindspore/profiler/parser/optime_parser.py +1 -1
- mindspore/profiler/parser/profiler_info.py +21 -2
- mindspore/profiler/parser/step_trace_parser.py +11 -14
- mindspore/profiler/profiling.py +179 -89
- mindspore/rewrite/api/node.py +102 -19
- mindspore/rewrite/api/node_type.py +5 -1
- mindspore/rewrite/api/pattern_engine.py +1 -1
- mindspore/rewrite/api/scoped_value.py +9 -17
- mindspore/rewrite/api/symbol_tree.py +131 -47
- mindspore/rewrite/ast_helpers/__init__.py +2 -1
- mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +93 -46
- mindspore/rewrite/common/rewrite_elog.py +5 -1
- mindspore/rewrite/namer.py +33 -24
- mindspore/rewrite/namespace.py +14 -5
- mindspore/{_extends/graph_kernel/expanders/complex → rewrite/node}/__init__.py +9 -9
- mindspore/rewrite/node/call_function.py +79 -0
- mindspore/rewrite/node/cell_container.py +135 -0
- mindspore/rewrite/node/control_flow.py +88 -0
- mindspore/rewrite/{node.py → node/node.py} +273 -234
- mindspore/rewrite/node/node_manager.py +254 -0
- mindspore/rewrite/{topological_manager.py → node/node_topological_manager.py} +13 -46
- mindspore/rewrite/parsers/arguments_parser.py +22 -21
- mindspore/rewrite/parsers/assign_parser.py +216 -221
- mindspore/rewrite/parsers/attribute_parser.py +9 -7
- mindspore/rewrite/parsers/class_def_parser.py +174 -113
- mindspore/rewrite/parsers/constant_parser.py +9 -6
- mindspore/rewrite/parsers/container_parser.py +9 -7
- mindspore/rewrite/parsers/for_parser.py +36 -15
- mindspore/rewrite/parsers/function_def_parser.py +24 -16
- mindspore/rewrite/parsers/if_parser.py +28 -24
- mindspore/rewrite/parsers/module_parser.py +196 -25
- mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
- mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
- mindspore/rewrite/parsers/return_parser.py +6 -6
- mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
- mindspore/rewrite/sparsify/utils.py +1 -1
- mindspore/rewrite/symbol_tree.py +523 -578
- mindspore/rewrite/symbol_tree_builder.py +9 -193
- mindspore/rewrite/symbol_tree_dumper.py +2 -2
- mindspore/run_check/_check_version.py +6 -4
- mindspore/{ops/bprop_mindir → safeguard}/__init__.py +4 -3
- mindspore/safeguard/rewrite_obfuscation.py +541 -0
- mindspore/scipy/linalg.py +1 -1
- mindspore/scipy/optimize/minimize.py +7 -3
- mindspore/train/_utils.py +7 -3
- mindspore/train/amp.py +323 -123
- mindspore/train/anf_ir_pb2.py +14 -2
- mindspore/train/callback/_backup_and_restore.py +2 -12
- mindspore/train/callback/_callback.py +29 -4
- mindspore/train/callback/_checkpoint.py +23 -8
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_landscape.py +4 -4
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +3 -4
- mindspore/train/callback/_summary_collector.py +15 -8
- mindspore/train/callback/_time_monitor.py +58 -5
- mindspore/train/data_sink.py +5 -11
- mindspore/train/dataset_helper.py +84 -57
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/__init__.py +3 -3
- mindspore/train/metrics/cosine_similarity.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +3 -2
- mindspore/train/metrics/mean_surface_distance.py +3 -2
- mindspore/train/metrics/metric.py +39 -19
- mindspore/train/metrics/roc.py +2 -2
- mindspore/train/metrics/root_mean_square_surface_distance.py +4 -3
- mindspore/train/mind_ir_pb2.py +85 -36
- mindspore/train/model.py +187 -47
- mindspore/train/serialization.py +487 -161
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/_writer_pool.py +3 -2
- mindspore/train/summary/summary_record.py +37 -17
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/train/train_thor/dataset_helper.py +1 -1
- mindspore/version.py +1 -1
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/METADATA +6 -7
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/RECORD +488 -528
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/entry_points.txt +0 -1
- mindspore/_akg/akg/tvm/contrib/debugger/__init__.py +0 -16
- mindspore/_akg/akg/tvm/contrib/debugger/debug_result.py +0 -274
- mindspore/_akg/akg/tvm/contrib/debugger/debug_runtime.py +0 -259
- mindspore/_akg/akg/tvm/contrib/peak.py +0 -341
- mindspore/_akg/akg/tvm/contrib/rpc.py +0 -25
- mindspore/_akg/akg/tvm/contrib/xcode.py +0 -257
- mindspore/_akg/akg/tvm/exec/__init__.py +0 -17
- mindspore/_akg/akg/tvm/exec/autotvm_log_editor.py +0 -60
- mindspore/_akg/akg/tvm/exec/measure_peak.py +0 -48
- mindspore/_akg/akg/tvm/exec/query_rpc_tracker.py +0 -48
- mindspore/_akg/akg/tvm/exec/rpc_proxy.py +0 -98
- mindspore/_akg/akg/tvm/exec/rpc_server.py +0 -88
- mindspore/_akg/akg/tvm/exec/rpc_tracker.py +0 -62
- mindspore/_akg/akg/tvm/rpc/__init__.py +0 -29
- mindspore/_akg/akg/tvm/rpc/base.py +0 -182
- mindspore/_akg/akg/tvm/rpc/client.py +0 -436
- mindspore/_akg/akg/tvm/rpc/proxy.py +0 -595
- mindspore/_akg/akg/tvm/rpc/server.py +0 -413
- mindspore/_akg/akg/tvm/rpc/tornado_util.py +0 -121
- mindspore/_akg/akg/tvm/rpc/tracker.py +0 -431
- mindspore/_extends/graph_kernel/expander.py +0 -80
- mindspore/_extends/graph_kernel/expanders/__init__.py +0 -54
- mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
- mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
- mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
- mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
- mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
- mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
- mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
- mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
- mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
- mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
- mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
- mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
- mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
- mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
- mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
- mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
- mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
- mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
- mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
- mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
- mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
- mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
- mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
- mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
- mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
- mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
- mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
- mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
- mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
- mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
- mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
- mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
- mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
- mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
- mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
- mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
- mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
- mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
- mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
- mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
- mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
- mindspore/dataset/datapreprocess/__init__.py +0 -20
- mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
- mindspore/include/api/net.h +0 -142
- mindspore/nn/lr_scheduler.py +0 -262
- mindspore/ops/_grad_experimental/grad_image_ops.py +0 -248
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -181
- mindspore/ops/_grad_experimental/grad_other_ops.py +0 -72
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
- mindspore/ops/_grad_experimental/grad_sequence_ops.py +0 -351
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
- mindspore/rewrite/node_visitor.py +0 -44
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/WHEEL +0 -0
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/top_level.txt +0 -0
|
@@ -1,5 +1,5 @@
|
|
|
1
1
|
/**
|
|
2
|
-
* Copyright 2020-
|
|
2
|
+
* Copyright 2020-2023 Huawei Technologies Co., Ltd
|
|
3
3
|
*
|
|
4
4
|
* Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
5
|
* you may not use this file except in compliance with the License.
|
|
@@ -53,7 +53,7 @@ class DATASET_API AdjustBrightness final : public TensorTransform {
|
|
|
53
53
|
explicit AdjustBrightness(float brightness_factor);
|
|
54
54
|
|
|
55
55
|
/// \brief Destructor.
|
|
56
|
-
~AdjustBrightness() = default;
|
|
56
|
+
~AdjustBrightness() override = default;
|
|
57
57
|
|
|
58
58
|
protected:
|
|
59
59
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -83,7 +83,7 @@ class DATASET_API AdjustContrast final : public TensorTransform {
|
|
|
83
83
|
explicit AdjustContrast(float contrast_factor);
|
|
84
84
|
|
|
85
85
|
/// \brief Destructor.
|
|
86
|
-
~AdjustContrast() = default;
|
|
86
|
+
~AdjustContrast() override = default;
|
|
87
87
|
|
|
88
88
|
protected:
|
|
89
89
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -102,7 +102,7 @@ class DATASET_API AdjustGamma final : public TensorTransform {
|
|
|
102
102
|
/// \brief Constructor.
|
|
103
103
|
/// \param[in] gamma Non negative real number, which makes the output image pixel value
|
|
104
104
|
/// exponential in relation to the input image pixel value.
|
|
105
|
-
/// \param[in] gain The constant multiplier.
|
|
105
|
+
/// \param[in] gain The constant multiplier. Default: 1.0.
|
|
106
106
|
/// \par Example
|
|
107
107
|
/// \code
|
|
108
108
|
/// /* Define operations */
|
|
@@ -113,10 +113,10 @@ class DATASET_API AdjustGamma final : public TensorTransform {
|
|
|
113
113
|
/// dataset = dataset->Map({decode_op, adjust_gamma_op}, // operations
|
|
114
114
|
/// {"image"}); // input columns
|
|
115
115
|
/// \endcode
|
|
116
|
-
explicit AdjustGamma(float gamma, float gain = 1);
|
|
116
|
+
explicit AdjustGamma(float gamma, float gain = 1.0);
|
|
117
117
|
|
|
118
118
|
/// \brief Destructor.
|
|
119
|
-
~AdjustGamma() = default;
|
|
119
|
+
~AdjustGamma() override = default;
|
|
120
120
|
|
|
121
121
|
protected:
|
|
122
122
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -146,7 +146,7 @@ class DATASET_API AdjustHue final : public TensorTransform {
|
|
|
146
146
|
explicit AdjustHue(float hue_factor);
|
|
147
147
|
|
|
148
148
|
/// \brief Destructor.
|
|
149
|
-
~AdjustHue() = default;
|
|
149
|
+
~AdjustHue() override = default;
|
|
150
150
|
|
|
151
151
|
protected:
|
|
152
152
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -176,7 +176,7 @@ class DATASET_API AdjustSaturation final : public TensorTransform {
|
|
|
176
176
|
explicit AdjustSaturation(float saturation_factor);
|
|
177
177
|
|
|
178
178
|
/// \brief Destructor.
|
|
179
|
-
~AdjustSaturation() = default;
|
|
179
|
+
~AdjustSaturation() override = default;
|
|
180
180
|
|
|
181
181
|
protected:
|
|
182
182
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -207,7 +207,7 @@ class DATASET_API AdjustSharpness final : public TensorTransform {
|
|
|
207
207
|
explicit AdjustSharpness(float sharpness_factor);
|
|
208
208
|
|
|
209
209
|
/// \brief Destructor.
|
|
210
|
-
~AdjustSharpness() = default;
|
|
210
|
+
~AdjustSharpness() override = default;
|
|
211
211
|
|
|
212
212
|
protected:
|
|
213
213
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -248,7 +248,7 @@ class DATASET_API AutoAugment final : public TensorTransform {
|
|
|
248
248
|
const std::vector<uint8_t> &fill_value = {0, 0, 0});
|
|
249
249
|
|
|
250
250
|
/// \brief Destructor.
|
|
251
|
-
~AutoAugment() = default;
|
|
251
|
+
~AutoAugment() override = default;
|
|
252
252
|
|
|
253
253
|
protected:
|
|
254
254
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -279,7 +279,7 @@ class DATASET_API AutoContrast final : public TensorTransform {
|
|
|
279
279
|
explicit AutoContrast(float cutoff = 0.0, const std::vector<uint32_t> &ignore = {});
|
|
280
280
|
|
|
281
281
|
/// \brief Destructor.
|
|
282
|
-
~AutoContrast() = default;
|
|
282
|
+
~AutoContrast() override = default;
|
|
283
283
|
|
|
284
284
|
protected:
|
|
285
285
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -341,7 +341,7 @@ class DATASET_API BoundingBoxAugment final : public TensorTransform {
|
|
|
341
341
|
explicit BoundingBoxAugment(const std::reference_wrapper<TensorTransform> &transform, float ratio = 0.3);
|
|
342
342
|
|
|
343
343
|
/// \brief Destructor.
|
|
344
|
-
~BoundingBoxAugment() = default;
|
|
344
|
+
~BoundingBoxAugment() override = default;
|
|
345
345
|
|
|
346
346
|
protected:
|
|
347
347
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -368,7 +368,7 @@ class DATASET_API ConvertColor final : public TensorTransform {
|
|
|
368
368
|
explicit ConvertColor(ConvertMode convert_mode);
|
|
369
369
|
|
|
370
370
|
/// \brief Destructor.
|
|
371
|
-
~ConvertColor() = default;
|
|
371
|
+
~ConvertColor() override = default;
|
|
372
372
|
|
|
373
373
|
protected:
|
|
374
374
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -398,7 +398,7 @@ class DATASET_API CutMixBatch final : public TensorTransform {
|
|
|
398
398
|
explicit CutMixBatch(ImageBatchFormat image_batch_format, float alpha = 1.0, float prob = 1.0);
|
|
399
399
|
|
|
400
400
|
/// \brief Destructor.
|
|
401
|
-
~CutMixBatch() = default;
|
|
401
|
+
~CutMixBatch() override = default;
|
|
402
402
|
|
|
403
403
|
protected:
|
|
404
404
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -428,7 +428,7 @@ class DATASET_API CutOut final : public TensorTransform {
|
|
|
428
428
|
explicit CutOut(int32_t length, int32_t num_patches = 1, bool is_hwc = true);
|
|
429
429
|
|
|
430
430
|
/// \brief Destructor.
|
|
431
|
-
~CutOut() = default;
|
|
431
|
+
~CutOut() override = default;
|
|
432
432
|
|
|
433
433
|
protected:
|
|
434
434
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -468,7 +468,7 @@ class DATASET_API Equalize final : public TensorTransform {
|
|
|
468
468
|
Equalize();
|
|
469
469
|
|
|
470
470
|
/// \brief Destructor.
|
|
471
|
-
~Equalize() = default;
|
|
471
|
+
~Equalize() override = default;
|
|
472
472
|
|
|
473
473
|
protected:
|
|
474
474
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -499,7 +499,7 @@ class DATASET_API Erase final : public TensorTransform {
|
|
|
499
499
|
bool inplace = false);
|
|
500
500
|
|
|
501
501
|
/// \brief Destructor.
|
|
502
|
-
~Erase() = default;
|
|
502
|
+
~Erase() override = default;
|
|
503
503
|
|
|
504
504
|
protected:
|
|
505
505
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -537,7 +537,7 @@ class DATASET_API HorizontalFlip final : public TensorTransform {
|
|
|
537
537
|
HorizontalFlip();
|
|
538
538
|
|
|
539
539
|
/// \brief Destructor.
|
|
540
|
-
~HorizontalFlip() = default;
|
|
540
|
+
~HorizontalFlip() override = default;
|
|
541
541
|
|
|
542
542
|
protected:
|
|
543
543
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -559,7 +559,7 @@ class DATASET_API Invert final : public TensorTransform {
|
|
|
559
559
|
Invert();
|
|
560
560
|
|
|
561
561
|
/// \brief Destructor.
|
|
562
|
-
~Invert() = default;
|
|
562
|
+
~Invert() override = default;
|
|
563
563
|
|
|
564
564
|
protected:
|
|
565
565
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -580,10 +580,10 @@ class DATASET_API MixUpBatch final : public TensorTransform {
|
|
|
580
580
|
/// dataset = dataset->Map({std::make_shared<vision::MixUpBatch>()}, // operations
|
|
581
581
|
/// {"image"}); // input columns
|
|
582
582
|
/// \endcode
|
|
583
|
-
explicit MixUpBatch(float alpha = 1);
|
|
583
|
+
explicit MixUpBatch(float alpha = 1.0);
|
|
584
584
|
|
|
585
585
|
/// \brief Destructor.
|
|
586
|
-
~MixUpBatch() = default;
|
|
586
|
+
~MixUpBatch() override = default;
|
|
587
587
|
|
|
588
588
|
protected:
|
|
589
589
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -626,7 +626,7 @@ class DATASET_API NormalizePad final : public TensorTransform {
|
|
|
626
626
|
bool is_hwc = true);
|
|
627
627
|
|
|
628
628
|
/// \brief Destructor.
|
|
629
|
-
~NormalizePad() = default;
|
|
629
|
+
~NormalizePad() override = default;
|
|
630
630
|
|
|
631
631
|
protected:
|
|
632
632
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -668,7 +668,7 @@ class DATASET_API PadToSize final : public TensorTransform {
|
|
|
668
668
|
const std::vector<uint8_t> &fill_value = {0}, BorderType padding_mode = BorderType::kConstant);
|
|
669
669
|
|
|
670
670
|
/// \brief Destructor.
|
|
671
|
-
~PadToSize() = default;
|
|
671
|
+
~PadToSize() override = default;
|
|
672
672
|
|
|
673
673
|
protected:
|
|
674
674
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -710,7 +710,7 @@ class DATASET_API Perspective final : public TensorTransform {
|
|
|
710
710
|
const std::vector<std::vector<int32_t>> &end_points, InterpolationMode interpolation);
|
|
711
711
|
|
|
712
712
|
/// \brief Destructor.
|
|
713
|
-
~Perspective() = default;
|
|
713
|
+
~Perspective() override = default;
|
|
714
714
|
|
|
715
715
|
protected:
|
|
716
716
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -741,7 +741,7 @@ class DATASET_API Posterize final : public TensorTransform {
|
|
|
741
741
|
explicit Posterize(uint8_t bits);
|
|
742
742
|
|
|
743
743
|
/// \brief Destructor.
|
|
744
|
-
~Posterize() = default;
|
|
744
|
+
~Posterize() override = default;
|
|
745
745
|
|
|
746
746
|
protected:
|
|
747
747
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -779,7 +779,7 @@ class DATASET_API RandAugment final : public TensorTransform {
|
|
|
779
779
|
const std::vector<uint8_t> &fill_value = {0, 0, 0});
|
|
780
780
|
|
|
781
781
|
/// \brief Destructor.
|
|
782
|
-
~RandAugment() = default;
|
|
782
|
+
~RandAugment() override = default;
|
|
783
783
|
|
|
784
784
|
protected:
|
|
785
785
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -814,7 +814,7 @@ class DATASET_API RandomAutoContrast final : public TensorTransform {
|
|
|
814
814
|
explicit RandomAutoContrast(float cutoff = 0.0, const std::vector<uint32_t> &ignore = {}, float prob = 0.5);
|
|
815
815
|
|
|
816
816
|
/// \brief Destructor.
|
|
817
|
-
~RandomAutoContrast() = default;
|
|
817
|
+
~RandomAutoContrast() override = default;
|
|
818
818
|
|
|
819
819
|
protected:
|
|
820
820
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -846,7 +846,7 @@ class DATASET_API RandomAdjustSharpness final : public TensorTransform {
|
|
|
846
846
|
explicit RandomAdjustSharpness(float degree, float prob = 0.5);
|
|
847
847
|
|
|
848
848
|
/// \brief Destructor.
|
|
849
|
-
~RandomAdjustSharpness() = default;
|
|
849
|
+
~RandomAdjustSharpness() override = default;
|
|
850
850
|
|
|
851
851
|
protected:
|
|
852
852
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -879,7 +879,7 @@ class DATASET_API RandomColor final : public TensorTransform {
|
|
|
879
879
|
RandomColor(float t_lb, float t_ub);
|
|
880
880
|
|
|
881
881
|
/// \brief Destructor.
|
|
882
|
-
~RandomColor() = default;
|
|
882
|
+
~RandomColor() override = default;
|
|
883
883
|
|
|
884
884
|
protected:
|
|
885
885
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -920,7 +920,7 @@ class DATASET_API RandomColorAdjust final : public TensorTransform {
|
|
|
920
920
|
const std::vector<float> &hue = {0.0, 0.0});
|
|
921
921
|
|
|
922
922
|
/// \brief Destructor.
|
|
923
|
-
~RandomColorAdjust() = default;
|
|
923
|
+
~RandomColorAdjust() override = default;
|
|
924
924
|
|
|
925
925
|
protected:
|
|
926
926
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -972,7 +972,7 @@ class DATASET_API RandomCrop final : public TensorTransform {
|
|
|
972
972
|
BorderType padding_mode = BorderType::kConstant);
|
|
973
973
|
|
|
974
974
|
/// \brief Destructor.
|
|
975
|
-
~RandomCrop() = default;
|
|
975
|
+
~RandomCrop() override = default;
|
|
976
976
|
|
|
977
977
|
protected:
|
|
978
978
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1013,12 +1013,12 @@ class DATASET_API RandomCropDecodeResize final : public TensorTransform {
|
|
|
1013
1013
|
/// {"image"}); // input columns
|
|
1014
1014
|
/// \endcode
|
|
1015
1015
|
explicit RandomCropDecodeResize(const std::vector<int32_t> &size, const std::vector<float> &scale = {0.08, 1.0},
|
|
1016
|
-
const std::vector<float> &ratio = {3. / 4
|
|
1016
|
+
const std::vector<float> &ratio = {3. / 4., 4. / 3.},
|
|
1017
1017
|
InterpolationMode interpolation = InterpolationMode::kLinear,
|
|
1018
1018
|
int32_t max_attempts = 10);
|
|
1019
1019
|
|
|
1020
1020
|
/// \brief Destructor.
|
|
1021
|
-
~RandomCropDecodeResize() = default;
|
|
1021
|
+
~RandomCropDecodeResize() override = default;
|
|
1022
1022
|
|
|
1023
1023
|
protected:
|
|
1024
1024
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1069,7 +1069,7 @@ class DATASET_API RandomCropWithBBox final : public TensorTransform {
|
|
|
1069
1069
|
BorderType padding_mode = BorderType::kConstant);
|
|
1070
1070
|
|
|
1071
1071
|
/// \brief Destructor.
|
|
1072
|
-
~RandomCropWithBBox() = default;
|
|
1072
|
+
~RandomCropWithBBox() override = default;
|
|
1073
1073
|
|
|
1074
1074
|
protected:
|
|
1075
1075
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1100,7 +1100,7 @@ class DATASET_API RandomEqualize final : public TensorTransform {
|
|
|
1100
1100
|
explicit RandomEqualize(float prob = 0.5);
|
|
1101
1101
|
|
|
1102
1102
|
/// \brief Destructor.
|
|
1103
|
-
~RandomEqualize() = default;
|
|
1103
|
+
~RandomEqualize() override = default;
|
|
1104
1104
|
|
|
1105
1105
|
protected:
|
|
1106
1106
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1130,7 +1130,7 @@ class DATASET_API RandomHorizontalFlip final : public TensorTransform {
|
|
|
1130
1130
|
explicit RandomHorizontalFlip(float prob = 0.5);
|
|
1131
1131
|
|
|
1132
1132
|
/// \brief Destructor.
|
|
1133
|
-
~RandomHorizontalFlip() = default;
|
|
1133
|
+
~RandomHorizontalFlip() override = default;
|
|
1134
1134
|
|
|
1135
1135
|
protected:
|
|
1136
1136
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1159,7 +1159,7 @@ class DATASET_API RandomHorizontalFlipWithBBox final : public TensorTransform {
|
|
|
1159
1159
|
explicit RandomHorizontalFlipWithBBox(float prob = 0.5);
|
|
1160
1160
|
|
|
1161
1161
|
/// \brief Destructor.
|
|
1162
|
-
~RandomHorizontalFlipWithBBox() = default;
|
|
1162
|
+
~RandomHorizontalFlipWithBBox() override = default;
|
|
1163
1163
|
|
|
1164
1164
|
protected:
|
|
1165
1165
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1190,7 +1190,7 @@ class DATASET_API RandomInvert final : public TensorTransform {
|
|
|
1190
1190
|
explicit RandomInvert(float prob = 0.5);
|
|
1191
1191
|
|
|
1192
1192
|
/// \brief Destructor.
|
|
1193
|
-
~RandomInvert() = default;
|
|
1193
|
+
~RandomInvert() override = default;
|
|
1194
1194
|
|
|
1195
1195
|
protected:
|
|
1196
1196
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1220,7 +1220,7 @@ class DATASET_API RandomLighting final : public TensorTransform {
|
|
|
1220
1220
|
explicit RandomLighting(float alpha = 0.05);
|
|
1221
1221
|
|
|
1222
1222
|
/// \brief Destructor.
|
|
1223
|
-
~RandomLighting() = default;
|
|
1223
|
+
~RandomLighting() override = default;
|
|
1224
1224
|
|
|
1225
1225
|
protected:
|
|
1226
1226
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1251,7 +1251,7 @@ class DATASET_API RandomPosterize final : public TensorTransform {
|
|
|
1251
1251
|
explicit RandomPosterize(const std::vector<uint8_t> &bit_range = {4, 8});
|
|
1252
1252
|
|
|
1253
1253
|
/// \brief Destructor.
|
|
1254
|
-
~RandomPosterize() = default;
|
|
1254
|
+
~RandomPosterize() override = default;
|
|
1255
1255
|
|
|
1256
1256
|
protected:
|
|
1257
1257
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1283,7 +1283,7 @@ class DATASET_API RandomResize final : public TensorTransform {
|
|
|
1283
1283
|
explicit RandomResize(const std::vector<int32_t> &size);
|
|
1284
1284
|
|
|
1285
1285
|
/// \brief Destructor.
|
|
1286
|
-
~RandomResize() = default;
|
|
1286
|
+
~RandomResize() override = default;
|
|
1287
1287
|
|
|
1288
1288
|
protected:
|
|
1289
1289
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1315,7 +1315,7 @@ class DATASET_API RandomResizeWithBBox final : public TensorTransform {
|
|
|
1315
1315
|
explicit RandomResizeWithBBox(const std::vector<int32_t> &size);
|
|
1316
1316
|
|
|
1317
1317
|
/// \brief Destructor.
|
|
1318
|
-
~RandomResizeWithBBox() = default;
|
|
1318
|
+
~RandomResizeWithBBox() override = default;
|
|
1319
1319
|
|
|
1320
1320
|
protected:
|
|
1321
1321
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1362,7 +1362,7 @@ class DATASET_API RandomResizedCrop final : public TensorTransform {
|
|
|
1362
1362
|
InterpolationMode interpolation = InterpolationMode::kLinear, int32_t max_attempts = 10);
|
|
1363
1363
|
|
|
1364
1364
|
/// \brief Destructor.
|
|
1365
|
-
~RandomResizedCrop() = default;
|
|
1365
|
+
~RandomResizedCrop() override = default;
|
|
1366
1366
|
|
|
1367
1367
|
protected:
|
|
1368
1368
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1410,7 +1410,7 @@ class DATASET_API RandomResizedCropWithBBox final : public TensorTransform {
|
|
|
1410
1410
|
int32_t max_attempts = 10);
|
|
1411
1411
|
|
|
1412
1412
|
/// \brief Destructor.
|
|
1413
|
-
~RandomResizedCropWithBBox() = default;
|
|
1413
|
+
~RandomResizedCropWithBBox() override = default;
|
|
1414
1414
|
|
|
1415
1415
|
protected:
|
|
1416
1416
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1454,7 +1454,7 @@ class DATASET_API RandomRotation final : public TensorTransform {
|
|
|
1454
1454
|
const std::vector<float> ¢er = {}, const std::vector<uint8_t> &fill_value = {0, 0, 0});
|
|
1455
1455
|
|
|
1456
1456
|
/// \brief Destructor.
|
|
1457
|
-
~RandomRotation() = default;
|
|
1457
|
+
~RandomRotation() override = default;
|
|
1458
1458
|
|
|
1459
1459
|
protected:
|
|
1460
1460
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1532,7 +1532,7 @@ class DATASET_API RandomSelectSubpolicy final : public TensorTransform {
|
|
|
1532
1532
|
const std::vector<std::vector<std::pair<std::reference_wrapper<TensorTransform>, double>>> &policy);
|
|
1533
1533
|
|
|
1534
1534
|
/// \brief Destructor.
|
|
1535
|
-
~RandomSelectSubpolicy() = default;
|
|
1535
|
+
~RandomSelectSubpolicy() override = default;
|
|
1536
1536
|
|
|
1537
1537
|
protected:
|
|
1538
1538
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1564,7 +1564,7 @@ class DATASET_API RandomSharpness final : public TensorTransform {
|
|
|
1564
1564
|
explicit RandomSharpness(const std::vector<float> °rees = {0.1, 1.9});
|
|
1565
1565
|
|
|
1566
1566
|
/// \brief Destructor.
|
|
1567
|
-
~RandomSharpness() = default;
|
|
1567
|
+
~RandomSharpness() override = default;
|
|
1568
1568
|
|
|
1569
1569
|
protected:
|
|
1570
1570
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1596,7 +1596,7 @@ class DATASET_API RandomSolarize final : public TensorTransform {
|
|
|
1596
1596
|
explicit RandomSolarize(const std::vector<uint8_t> &threshold = {0, 255});
|
|
1597
1597
|
|
|
1598
1598
|
/// \brief Destructor.
|
|
1599
|
-
~RandomSolarize() = default;
|
|
1599
|
+
~RandomSolarize() override = default;
|
|
1600
1600
|
|
|
1601
1601
|
protected:
|
|
1602
1602
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1626,7 +1626,7 @@ class DATASET_API RandomVerticalFlip final : public TensorTransform {
|
|
|
1626
1626
|
explicit RandomVerticalFlip(float prob = 0.5);
|
|
1627
1627
|
|
|
1628
1628
|
/// \brief Destructor.
|
|
1629
|
-
~RandomVerticalFlip() = default;
|
|
1629
|
+
~RandomVerticalFlip() override = default;
|
|
1630
1630
|
|
|
1631
1631
|
protected:
|
|
1632
1632
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1655,7 +1655,7 @@ class DATASET_API RandomVerticalFlipWithBBox final : public TensorTransform {
|
|
|
1655
1655
|
explicit RandomVerticalFlipWithBBox(float prob = 0.5);
|
|
1656
1656
|
|
|
1657
1657
|
/// \brief Destructor.
|
|
1658
|
-
~RandomVerticalFlipWithBBox() = default;
|
|
1658
|
+
~RandomVerticalFlipWithBBox() override = default;
|
|
1659
1659
|
|
|
1660
1660
|
protected:
|
|
1661
1661
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1718,7 +1718,7 @@ class DATASET_API ResizedCrop final : public TensorTransform {
|
|
|
1718
1718
|
InterpolationMode interpolation = InterpolationMode::kLinear);
|
|
1719
1719
|
|
|
1720
1720
|
/// \brief Destructor.
|
|
1721
|
-
~ResizedCrop() = default;
|
|
1721
|
+
~ResizedCrop() override = default;
|
|
1722
1722
|
|
|
1723
1723
|
protected:
|
|
1724
1724
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1756,7 +1756,7 @@ class DATASET_API ResizeWithBBox final : public TensorTransform {
|
|
|
1756
1756
|
InterpolationMode interpolation = InterpolationMode::kLinear);
|
|
1757
1757
|
|
|
1758
1758
|
/// \brief Destructor.
|
|
1759
|
-
~ResizeWithBBox() = default;
|
|
1759
|
+
~ResizeWithBBox() override = default;
|
|
1760
1760
|
|
|
1761
1761
|
protected:
|
|
1762
1762
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1785,7 +1785,7 @@ class DATASET_API RGBA2BGR final : public TensorTransform {
|
|
|
1785
1785
|
RGBA2BGR();
|
|
1786
1786
|
|
|
1787
1787
|
/// \brief Destructor.
|
|
1788
|
-
~RGBA2BGR() = default;
|
|
1788
|
+
~RGBA2BGR() override = default;
|
|
1789
1789
|
|
|
1790
1790
|
protected:
|
|
1791
1791
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1810,7 +1810,7 @@ class DATASET_API RGBA2RGB final : public TensorTransform {
|
|
|
1810
1810
|
RGBA2RGB();
|
|
1811
1811
|
|
|
1812
1812
|
/// \brief Destructor.
|
|
1813
|
-
~RGBA2RGB() = default;
|
|
1813
|
+
~RGBA2RGB() override = default;
|
|
1814
1814
|
|
|
1815
1815
|
protected:
|
|
1816
1816
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1843,7 +1843,7 @@ class DATASET_API SlicePatches final : public TensorTransform {
|
|
|
1843
1843
|
uint8_t fill_value = 0);
|
|
1844
1844
|
|
|
1845
1845
|
/// \brief Destructor.
|
|
1846
|
-
~SlicePatches() = default;
|
|
1846
|
+
~SlicePatches() override = default;
|
|
1847
1847
|
|
|
1848
1848
|
protected:
|
|
1849
1849
|
/// \brief Function to convert TensorTransform object into a TensorOperation object.
|
|
@@ -1875,7 +1875,7 @@ class DATASET_API Solarize final : public TensorTransform {
|
|
|
1875
1875
|
explicit Solarize(const std::vector<float> &threshold);
|
|
1876
1876
|
|
|
1877
1877
|
/// \brief Destructor.
|
|
1878
|
-
~Solarize() = default;
|
|
1878
|
+
~Solarize() override = default;
|
|
1879
1879
|
|
|
1880
1880
|
protected:
|
|
1881
1881
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1907,7 +1907,7 @@ class DATASET_API ToTensor final : public TensorTransform {
|
|
|
1907
1907
|
explicit ToTensor(mindspore::DataType output_type);
|
|
1908
1908
|
|
|
1909
1909
|
/// \brief Destructor.
|
|
1910
|
-
~ToTensor() = default;
|
|
1910
|
+
~ToTensor() override = default;
|
|
1911
1911
|
|
|
1912
1912
|
protected:
|
|
1913
1913
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1944,7 +1944,7 @@ class DATASET_API TrivialAugmentWide final : public TensorTransform {
|
|
|
1944
1944
|
const std::vector<uint8_t> &fill_value = {0, 0, 0});
|
|
1945
1945
|
|
|
1946
1946
|
/// \brief Destructor.
|
|
1947
|
-
~TrivialAugmentWide() = default;
|
|
1947
|
+
~TrivialAugmentWide() override = default;
|
|
1948
1948
|
|
|
1949
1949
|
protected:
|
|
1950
1950
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -2011,7 +2011,7 @@ class DATASET_API UniformAugment final : public TensorTransform {
|
|
|
2011
2011
|
explicit UniformAugment(const std::vector<std::reference_wrapper<TensorTransform>> &transforms, int32_t num_ops = 2);
|
|
2012
2012
|
|
|
2013
2013
|
/// \brief Destructor.
|
|
2014
|
-
~UniformAugment() = default;
|
|
2014
|
+
~UniformAugment() override = default;
|
|
2015
2015
|
|
|
2016
2016
|
protected:
|
|
2017
2017
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -2040,7 +2040,7 @@ class DATASET_API VerticalFlip final : public TensorTransform {
|
|
|
2040
2040
|
VerticalFlip();
|
|
2041
2041
|
|
|
2042
2042
|
/// \brief Destructor.
|
|
2043
|
-
~VerticalFlip() = default;
|
|
2043
|
+
~VerticalFlip() override = default;
|
|
2044
2044
|
|
|
2045
2045
|
protected:
|
|
2046
2046
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -1,5 +1,5 @@
|
|
|
1
1
|
/**
|
|
2
|
-
* Copyright 2021-
|
|
2
|
+
* Copyright 2021-2023 Huawei Technologies Co., Ltd
|
|
3
3
|
*
|
|
4
4
|
* Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
5
|
* you may not use this file except in compliance with the License.
|
|
@@ -51,7 +51,7 @@ class DATASET_API DvppDecodeResizeJpeg final : public TensorTransform {
|
|
|
51
51
|
explicit DvppDecodeResizeJpeg(const std::vector<uint32_t> &resize);
|
|
52
52
|
|
|
53
53
|
/// \brief Destructor.
|
|
54
|
-
~DvppDecodeResizeJpeg() = default;
|
|
54
|
+
~DvppDecodeResizeJpeg() override = default;
|
|
55
55
|
|
|
56
56
|
protected:
|
|
57
57
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -84,7 +84,7 @@ class DATASET_API DvppDecodeResizeCropJpeg final : public TensorTransform {
|
|
|
84
84
|
DvppDecodeResizeCropJpeg(const std::vector<uint32_t> &crop, const std::vector<uint32_t> &resize);
|
|
85
85
|
|
|
86
86
|
/// \brief Destructor.
|
|
87
|
-
~DvppDecodeResizeCropJpeg() = default;
|
|
87
|
+
~DvppDecodeResizeCropJpeg() override = default;
|
|
88
88
|
|
|
89
89
|
protected:
|
|
90
90
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -160,7 +160,7 @@ class DATASET_API DvppDecodeVideo final : public TensorTransform {
|
|
|
160
160
|
const std::vector<char> &output);
|
|
161
161
|
|
|
162
162
|
/// \brief Destructor.
|
|
163
|
-
~DvppDecodeVideo() = default;
|
|
163
|
+
~DvppDecodeVideo() override = default;
|
|
164
164
|
|
|
165
165
|
protected:
|
|
166
166
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -191,7 +191,7 @@ class DATASET_API DvppDecodePng final : public TensorTransform {
|
|
|
191
191
|
DvppDecodePng();
|
|
192
192
|
|
|
193
193
|
/// \brief Destructor.
|
|
194
|
-
~DvppDecodePng() = default;
|
|
194
|
+
~DvppDecodePng() override = default;
|
|
195
195
|
|
|
196
196
|
protected:
|
|
197
197
|
/// \brief The function to convert a TensorTransform object into a TensorOperation object.
|
|
@@ -203,5 +203,4 @@ class DATASET_API DvppDecodePng final : public TensorTransform {
|
|
|
203
203
|
} // namespace vision
|
|
204
204
|
} // namespace dataset
|
|
205
205
|
} // namespace mindspore
|
|
206
|
-
|
|
207
206
|
#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_DATASET_VISION_ASCEND_H_
|