mindspore 2.0.0rc1__cp38-none-any.whl → 2.2.0__cp38-none-any.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/Third_Party_Open_Source_Software_Notice +2 -2
- mindspore/__init__.py +5 -2
- mindspore/_akg/akg/build_module.py +5 -6
- mindspore/_akg/akg/composite/build_module.py +49 -16
- mindspore/_akg/akg/composite/split_stitch.py +10 -11
- mindspore/_akg/akg/config/repository.json +195 -0
- mindspore/_akg/akg/global_configs.py +5 -1
- 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/composite_op_helper.py +9 -10
- mindspore/_akg/akg/utils/kernel_exec.py +58 -260
- mindspore/_akg/akg/utils/op_dsl.py +17 -1
- mindspore/_akg/akg/utils/result_analysis.py +4 -24
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +198 -0
- mindspore/_c_dataengine.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +5 -1
- mindspore/_checkparam.py +79 -62
- mindspore/_extends/graph_kernel/__init__.py +0 -1
- mindspore/_extends/graph_kernel/model/graph_split.py +2 -0
- mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
- mindspore/_extends/graph_kernel/splitter.py +1 -9
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +128 -21
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +2 -2
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +18 -13
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +13 -9
- 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 +19 -17
- mindspore/_extends/parse/namespace.py +7 -36
- mindspore/_extends/parse/parser.py +375 -189
- mindspore/_extends/parse/resources.py +36 -41
- mindspore/_extends/parse/standard_method.py +350 -245
- mindspore/_extends/parse/trope.py +2 -12
- mindspore/_extends/remote/kernel_build_server.py +24 -7
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_install_custom.py +43 -0
- mindspore/_mindspore_offline_debug.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/amp.py +85 -19
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/base.py +2 -2
- mindspore/boost/boost.py +27 -32
- mindspore/boost/boost_cell_wrapper.py +37 -13
- mindspore/boost/grad_accumulation.py +1 -1
- mindspore/boost/grad_freeze.py +34 -6
- mindspore/boost/group_loss_scale_manager.py +15 -14
- mindspore/boost/less_batch_normalization.py +28 -3
- mindspore/common/__init__.py +15 -11
- mindspore/common/_auto_dynamic.py +68 -0
- mindspore/common/_jit_fallback_utils.py +111 -0
- mindspore/common/_register_for_adapter.py +17 -5
- mindspore/common/_register_for_tensor.py +2 -2
- mindspore/common/_stub_tensor.py +18 -15
- mindspore/common/_utils.py +31 -7
- mindspore/common/api.py +269 -101
- mindspore/common/auto_dynamic_shape.py +498 -0
- mindspore/common/dtype.py +61 -21
- mindspore/common/dump.py +9 -7
- mindspore/common/initializer.py +106 -76
- mindspore/common/jit_config.py +35 -14
- mindspore/common/lazy_inline.py +187 -0
- mindspore/common/mindir_util.py +101 -0
- mindspore/common/mutable.py +10 -13
- mindspore/common/parameter.py +246 -55
- mindspore/common/seed.py +13 -7
- mindspore/common/sparse_tensor.py +29 -33
- mindspore/common/tensor.py +907 -251
- mindspore/communication/__init__.py +7 -4
- mindspore/communication/_comm_helper.py +84 -4
- mindspore/communication/management.py +160 -88
- mindspore/config/op_info.config +99 -75
- mindspore/config/super_bar_config.json +36 -4
- mindspore/context.py +526 -219
- mindspore/dataset/__init__.py +9 -46
- mindspore/dataset/audio/__init__.py +4 -19
- mindspore/dataset/audio/transforms.py +545 -233
- mindspore/dataset/audio/utils.py +21 -18
- mindspore/dataset/callback/ds_callback.py +42 -13
- mindspore/dataset/core/config.py +158 -100
- mindspore/dataset/core/validator_helpers.py +1 -63
- mindspore/dataset/debug/debug_hook.py +45 -13
- mindspore/dataset/debug/pre_defined_hook.py +5 -5
- mindspore/dataset/engine/__init__.py +0 -5
- mindspore/dataset/engine/cache_client.py +38 -15
- mindspore/dataset/engine/datasets.py +615 -278
- mindspore/dataset/engine/datasets_audio.py +154 -283
- mindspore/dataset/engine/datasets_standard_format.py +104 -116
- mindspore/dataset/engine/datasets_text.py +443 -326
- mindspore/dataset/engine/datasets_user_defined.py +251 -164
- mindspore/dataset/engine/datasets_vision.py +839 -1443
- mindspore/dataset/engine/iterators.py +11 -4
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +7 -3
- mindspore/dataset/engine/obs/util.py +3 -0
- mindspore/dataset/engine/offload.py +6 -6
- mindspore/dataset/engine/queue.py +15 -14
- mindspore/dataset/engine/samplers.py +39 -23
- mindspore/dataset/engine/serializer_deserializer.py +22 -6
- mindspore/dataset/engine/validators.py +21 -331
- mindspore/dataset/text/__init__.py +5 -33
- mindspore/dataset/text/transforms.py +334 -165
- mindspore/dataset/text/utils.py +215 -145
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/c_transforms.py +3 -2
- mindspore/dataset/transforms/py_transforms_util.py +40 -12
- mindspore/dataset/transforms/transforms.py +174 -71
- mindspore/dataset/utils/browse_dataset.py +25 -17
- mindspore/dataset/utils/line_reader.py +24 -21
- mindspore/dataset/vision/__init__.py +5 -26
- mindspore/dataset/vision/c_transforms.py +177 -165
- mindspore/dataset/vision/py_transforms.py +114 -119
- mindspore/dataset/vision/py_transforms_util.py +54 -51
- mindspore/dataset/vision/transforms.py +1127 -381
- mindspore/dataset/vision/utils.py +54 -38
- mindspore/dataset/vision/validators.py +12 -2
- mindspore/experimental/map_parameter.py +38 -4
- mindspore/{dataset/datapreprocess → experimental/optim}/__init__.py +14 -4
- mindspore/experimental/optim/adam.py +192 -0
- mindspore/experimental/optim/adamw.py +181 -0
- mindspore/experimental/optim/lr_scheduler.py +1427 -0
- mindspore/experimental/optim/optimizer.py +252 -0
- mindspore/experimental/optim/sgd.py +147 -0
- mindspore/gen_ops.py +273 -0
- mindspore/include/OWNERS +1 -2
- mindspore/include/api/context.h +21 -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 +29 -42
- mindspore/include/api/model_group.h +14 -3
- mindspore/include/api/model_parallel_runner.h +18 -2
- mindspore/include/api/serialization.h +26 -0
- mindspore/include/api/status.h +1 -0
- mindspore/include/api/types.h +38 -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/c_api/status_c.h +3 -0
- mindspore/include/dataset/constants.h +6 -12
- mindspore/include/dataset/execute.h +23 -13
- mindspore/include/dataset/text.h +26 -26
- mindspore/include/dataset/transforms.h +25 -31
- 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/format.h +0 -1
- mindspore/include/mindapi/base/type_id.h +2 -1
- mindspore/include/mindapi/base/types.h +5 -1
- 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/libmpi_adapter.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_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 +9000 -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/libmindspore_ascend.so.1 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/log.py +9 -6
- mindspore/mindrecord/filereader.py +33 -4
- mindspore/mindrecord/filewriter.py +70 -35
- mindspore/mindrecord/mindpage.py +40 -34
- mindspore/mindrecord/shardreader.py +1 -1
- mindspore/mindrecord/shardsegment.py +1 -1
- mindspore/mindrecord/tools/cifar100_to_mr.py +25 -18
- mindspore/mindrecord/tools/cifar10_to_mr.py +25 -18
- mindspore/mindrecord/tools/csv_to_mr.py +29 -13
- mindspore/mindrecord/tools/imagenet_to_mr.py +24 -10
- mindspore/mindrecord/tools/mnist_to_mr.py +24 -11
- mindspore/mindrecord/tools/tfrecord_to_mr.py +31 -26
- mindspore/nn/cell.py +463 -169
- mindspore/nn/dynamic_lr.py +47 -43
- mindspore/nn/layer/activation.py +225 -82
- mindspore/nn/layer/basic.py +121 -79
- mindspore/nn/layer/channel_shuffle.py +21 -21
- mindspore/nn/layer/combined.py +33 -26
- mindspore/nn/layer/container.py +277 -22
- mindspore/nn/layer/conv.py +441 -304
- mindspore/nn/layer/dense.py +19 -13
- mindspore/nn/layer/embedding.py +62 -49
- mindspore/nn/layer/flash_attention.py +264 -0
- mindspore/nn/layer/image.py +50 -39
- mindspore/nn/layer/math.py +62 -51
- mindspore/nn/layer/normalization.py +219 -167
- mindspore/nn/layer/padding.py +58 -70
- mindspore/nn/layer/pooling.py +334 -287
- mindspore/nn/layer/rnn_cells.py +53 -38
- mindspore/nn/layer/rnns.py +59 -56
- mindspore/nn/layer/thor_layer.py +52 -44
- mindspore/nn/layer/timedistributed.py +6 -4
- mindspore/nn/layer/transformer.py +284 -164
- mindspore/nn/learning_rate_schedule.py +34 -25
- mindspore/nn/loss/__init__.py +3 -2
- mindspore/nn/loss/loss.py +554 -311
- mindspore/nn/optim/ada_grad.py +12 -9
- mindspore/nn/optim/adadelta.py +14 -11
- mindspore/nn/optim/adafactor.py +19 -16
- mindspore/nn/optim/adam.py +62 -47
- mindspore/nn/optim/adamax.py +13 -10
- mindspore/nn/optim/adasum.py +12 -8
- mindspore/nn/optim/asgd.py +10 -9
- mindspore/nn/optim/ftrl.py +20 -17
- mindspore/nn/optim/lamb.py +16 -12
- mindspore/nn/optim/lars.py +8 -6
- mindspore/nn/optim/lazyadam.py +25 -20
- mindspore/nn/optim/momentum.py +10 -7
- mindspore/nn/optim/optimizer.py +61 -9
- mindspore/nn/optim/proximal_ada_grad.py +14 -13
- mindspore/nn/optim/rmsprop.py +17 -13
- mindspore/nn/optim/rprop.py +30 -17
- mindspore/nn/optim/sgd.py +40 -23
- mindspore/nn/optim/thor.py +24 -26
- mindspore/nn/probability/bijector/bijector.py +11 -11
- mindspore/nn/probability/bijector/exp.py +1 -1
- mindspore/nn/probability/bijector/gumbel_cdf.py +3 -3
- mindspore/nn/probability/bijector/invert.py +1 -1
- mindspore/nn/probability/bijector/power_transform.py +29 -29
- mindspore/nn/probability/bijector/scalar_affine.py +3 -3
- mindspore/nn/probability/bijector/softplus.py +5 -5
- mindspore/nn/probability/bnn_layers/bnn_cell_wrapper.py +4 -2
- mindspore/nn/probability/bnn_layers/conv_variational.py +13 -13
- mindspore/nn/probability/bnn_layers/dense_variational.py +12 -12
- mindspore/nn/probability/bnn_layers/layer_distribution.py +9 -8
- mindspore/nn/probability/distribution/_utils/custom_ops.py +19 -3
- mindspore/nn/probability/distribution/_utils/utils.py +1 -1
- mindspore/nn/probability/distribution/bernoulli.py +9 -9
- mindspore/nn/probability/distribution/beta.py +8 -8
- mindspore/nn/probability/distribution/categorical.py +23 -15
- mindspore/nn/probability/distribution/cauchy.py +5 -6
- mindspore/nn/probability/distribution/distribution.py +3 -3
- mindspore/nn/probability/distribution/exponential.py +4 -4
- mindspore/nn/probability/distribution/gamma.py +10 -10
- mindspore/nn/probability/distribution/geometric.py +8 -8
- mindspore/nn/probability/distribution/gumbel.py +8 -9
- mindspore/nn/probability/distribution/half_normal.py +5 -5
- mindspore/nn/probability/distribution/laplace.py +5 -5
- mindspore/nn/probability/distribution/log_normal.py +12 -11
- mindspore/nn/probability/distribution/logistic.py +8 -8
- mindspore/nn/probability/distribution/normal.py +6 -5
- mindspore/nn/probability/distribution/poisson.py +10 -11
- mindspore/nn/probability/distribution/student_t.py +8 -9
- mindspore/nn/probability/distribution/transformed_distribution.py +5 -5
- mindspore/nn/probability/distribution/uniform.py +11 -11
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +9 -9
- mindspore/nn/wrap/cell_wrapper.py +188 -63
- mindspore/nn/wrap/grad_reducer.py +21 -12
- mindspore/nn/wrap/loss_scale.py +136 -49
- mindspore/numpy/__init__.py +4 -4
- mindspore/numpy/array_creations.py +55 -56
- mindspore/numpy/array_ops.py +134 -35
- mindspore/numpy/logic_ops.py +66 -20
- mindspore/numpy/math_ops.py +142 -139
- mindspore/numpy/utils_const.py +2 -2
- mindspore/offline_debug/convert_async.py +2 -2
- mindspore/ops/_grad_experimental/__init__.py +7 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +231 -348
- mindspore/ops/{_grad → _grad_experimental}/grad_base.py +1 -33
- mindspore/ops/{_grad → _grad_experimental}/grad_comm_ops.py +25 -13
- mindspore/ops/{_grad/__init__.py → _grad_experimental/grad_debug_ops.py} +15 -7
- mindspore/ops/{_grad → _grad_experimental}/grad_implementations.py +17 -11
- mindspore/ops/_grad_experimental/grad_inner_ops.py +33 -52
- mindspore/ops/_grad_experimental/grad_math_ops.py +151 -1224
- mindspore/ops/_grad_experimental/grad_nn_ops.py +141 -414
- mindspore/ops/{_grad → _grad_experimental}/grad_quant_ops.py +10 -6
- mindspore/ops/_grad_experimental/grad_sparse.py +317 -2
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -13
- mindspore/ops/{_grad → _grad_experimental}/taylor_rule.py +1 -1
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/flash_attention/__init__.py +0 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +406 -0
- mindspore/{_extends/graph_kernel/expanders/complex/__init__.py → ops/_op_impl/_custom_op/flash_attention/constants.py} +27 -8
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +467 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +563 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +193 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +435 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/__init__.py +0 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/sparse_tiling.py +45 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/strategy.py +67 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +62 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
- mindspore/ops/_op_impl/aicpu/__init__.py +41 -1
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d.py +37 -0
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/cast.py +52 -0
- mindspore/ops/_op_impl/aicpu/coalesce.py +2 -0
- mindspore/ops/_op_impl/aicpu/col2im.py +3 -1
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/dropout_genmask.py +6 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/eye.py +4 -4
- mindspore/ops/_op_impl/aicpu/fft_with_size.py +6 -0
- mindspore/ops/_op_impl/aicpu/fill_diagonal.py +5 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
- mindspore/ops/_op_impl/aicpu/im2col.py +3 -5
- mindspore/ops/_op_impl/aicpu/lgamma.py +1 -0
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
- mindspore/ops/_op_impl/aicpu/lu.py +39 -0
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/masked_scatter.py +1 -0
- mindspore/ops/_op_impl/aicpu/masked_select_grad.py +3 -0
- mindspore/ops/_op_impl/aicpu/matrix_band_part.py +59 -0
- mindspore/ops/_op_impl/aicpu/matrix_power.py +6 -1
- mindspore/ops/_op_impl/aicpu/median.py +1 -0
- mindspore/ops/_op_impl/aicpu/multinomial.py +9 -9
- mindspore/ops/_op_impl/aicpu/not_equal.py +0 -5
- mindspore/ops/_op_impl/aicpu/pad_v3.py +3 -1
- mindspore/ops/_op_impl/aicpu/pad_v3_grad.py +2 -0
- 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/resize_bilinear_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2.py +0 -6
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2_grad.py +0 -7
- mindspore/ops/_op_impl/aicpu/scatter_nd.py +2 -0
- mindspore/ops/_op_impl/aicpu/sequence_concat.py +40 -0
- mindspore/ops/_op_impl/aicpu/sequence_stack.py +40 -0
- 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 -4
- mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -4
- 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/aicpu/upsample_nearest_3d.py +14 -6
- mindspore/ops/_op_impl/aicpu/upsample_nearest_3d_grad.py +22 -8
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d.py +11 -6
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d_grad.py +21 -10
- mindspore/ops/_op_impl/tbe/__init__.py +6 -4
- mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/avg_pool.py +2 -2
- mindspore/ops/_op_impl/tbe/avg_pool_3d.py +3 -3
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +4 -4
- mindspore/ops/_op_impl/tbe/avg_pool_ds.py +2 -2
- mindspore/ops/_op_impl/tbe/avg_pool_grad.py +3 -3
- mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +3 -3
- mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +2 -2
- mindspore/ops/_op_impl/tbe/bn_infer.py +2 -2
- mindspore/ops/_op_impl/tbe/bn_infer_ds.py +3 -2
- mindspore/ops/_op_impl/tbe/broadcast_to.py +1 -1
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +3 -3
- mindspore/ops/_op_impl/tbe/expand_dims.py +1 -1
- mindspore/ops/_op_impl/tbe/gather_v2.py +56 -0
- mindspore/ops/_op_impl/tbe/im2col.py +4 -4
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
- mindspore/ops/_op_impl/tbe/mem_set.py +38 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +3 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_d.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +2 -2
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +1 -1
- mindspore/ops/_tracefunc.py +241 -0
- mindspore/ops/_utils/utils.py +10 -2
- mindspore/ops/_vmap/vmap_array_ops.py +5 -3
- mindspore/ops/_vmap/vmap_base.py +5 -4
- mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +11 -6
- mindspore/ops/_vmap/vmap_math_ops.py +5 -2
- mindspore/ops/_vmap/vmap_nn_ops.py +135 -11
- mindspore/ops/arg_dtype_cast.py +54 -0
- mindspore/ops/composite/__init__.py +7 -5
- mindspore/ops/composite/base.py +78 -34
- mindspore/ops/composite/math_ops.py +5 -695
- mindspore/ops/composite/multitype_ops/_compile_utils.py +403 -97
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +28 -22
- mindspore/ops/composite/multitype_ops/add_impl.py +69 -7
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/div_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/getitem_impl.py +48 -10
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/mod_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/negative_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/not_in_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +10 -7
- mindspore/ops/composite/multitype_ops/sub_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/uadd_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
- mindspore/ops/deprecated.py +304 -0
- mindspore/ops/function/__init__.py +41 -4
- mindspore/ops/function/array_func.py +1108 -467
- mindspore/ops/function/clip_func.py +94 -27
- mindspore/ops/function/debug_func.py +3 -1
- mindspore/ops/function/grad/grad_func.py +82 -73
- mindspore/ops/function/image_func.py +28 -12
- mindspore/ops/function/linalg_func.py +135 -39
- mindspore/ops/function/math_func.py +3779 -894
- mindspore/ops/function/nn_func.py +1584 -657
- mindspore/ops/function/parameter_func.py +13 -3
- mindspore/ops/function/random_func.py +247 -153
- mindspore/ops/function/sparse_func.py +14 -11
- mindspore/ops/function/sparse_unary_func.py +173 -47
- mindspore/ops/function/spectral_func.py +8 -4
- mindspore/ops/function/vmap_func.py +8 -7
- mindspore/ops/functional.py +47 -16
- mindspore/ops/op_info_register.py +346 -86
- mindspore/ops/operations/__init__.py +38 -22
- mindspore/ops/operations/_grad_ops.py +145 -149
- mindspore/ops/operations/_inner_ops.py +298 -56
- mindspore/ops/operations/_ms_kernel.py +3 -3
- mindspore/ops/operations/_quant_ops.py +24 -28
- mindspore/ops/operations/_rl_inner_ops.py +9 -7
- mindspore/ops/operations/_scalar_ops.py +115 -0
- mindspore/ops/operations/_sequence_ops.py +148 -10
- mindspore/ops/operations/_tensor_array.py +1 -1
- mindspore/ops/operations/_thor_ops.py +2 -2
- mindspore/ops/operations/array_ops.py +1239 -561
- mindspore/ops/operations/comm_ops.py +166 -90
- mindspore/ops/operations/control_ops.py +3 -3
- mindspore/ops/operations/custom_ops.py +124 -102
- mindspore/ops/operations/debug_ops.py +24 -11
- mindspore/ops/operations/image_ops.py +86 -71
- mindspore/ops/operations/inner_ops.py +18 -13
- mindspore/ops/operations/linalg_ops.py +30 -11
- mindspore/ops/operations/math_ops.py +1730 -435
- mindspore/ops/operations/nn_ops.py +1953 -943
- mindspore/ops/operations/other_ops.py +65 -43
- mindspore/ops/operations/random_ops.py +258 -98
- mindspore/ops/operations/rl_ops.py +4 -36
- mindspore/ops/operations/sparse_ops.py +38 -33
- mindspore/ops/operations/spectral_ops.py +8 -4
- mindspore/ops/primitive.py +66 -44
- mindspore/ops/signature.py +5 -5
- mindspore/parallel/_auto_parallel_context.py +80 -19
- mindspore/parallel/_cost_model_context.py +42 -0
- mindspore/parallel/_offload_context.py +162 -72
- mindspore/parallel/_parallel_serialization.py +2 -2
- mindspore/parallel/_ps_context.py +16 -4
- mindspore/parallel/_recovery_context.py +2 -1
- mindspore/parallel/_tensor.py +15 -13
- mindspore/parallel/_transformer/layers.py +8 -6
- mindspore/parallel/_transformer/loss.py +1 -0
- mindspore/parallel/_transformer/moe.py +7 -7
- mindspore/parallel/_transformer/op_parallel_config.py +12 -1
- mindspore/parallel/_transformer/transformer.py +34 -14
- mindspore/parallel/_utils.py +36 -14
- mindspore/parallel/algo_parameter_config.py +114 -20
- mindspore/parallel/checkpoint_transform.py +16 -18
- mindspore/parallel/shard.py +16 -13
- mindspore/profiler/__init__.py +1 -1
- mindspore/profiler/common/struct_type.py +3 -3
- mindspore/profiler/common/util.py +3 -2
- mindspore/profiler/envprofiling.py +11 -4
- mindspore/profiler/parser/aicpu_data_parser.py +5 -3
- mindspore/profiler/parser/ascend_flops_generator.py +94 -0
- mindspore/profiler/parser/ascend_fpbp_generator.py +76 -0
- mindspore/profiler/parser/ascend_hccl_generator.py +288 -0
- mindspore/profiler/parser/ascend_msprof_exporter.py +213 -0
- mindspore/profiler/parser/ascend_msprof_generator.py +199 -0
- mindspore/profiler/parser/ascend_op_generator.py +276 -0
- mindspore/profiler/parser/ascend_steptrace_generator.py +94 -0
- mindspore/profiler/parser/ascend_timeline_generator.py +110 -54
- mindspore/profiler/parser/base_timeline_generator.py +11 -7
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +45 -46
- mindspore/profiler/parser/flops_parser.py +15 -11
- mindspore/profiler/parser/framework_parser.py +92 -73
- mindspore/profiler/parser/hccl_parser.py +16 -12
- mindspore/profiler/parser/integrator.py +22 -11
- mindspore/profiler/parser/memory_usage_parser.py +36 -11
- 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 +4 -5
- mindspore/profiler/parser/step_trace_parser.py +11 -14
- mindspore/profiler/profiling.py +678 -377
- mindspore/rewrite/api/node.py +211 -54
- mindspore/rewrite/api/node_type.py +5 -0
- mindspore/rewrite/api/pattern_engine.py +22 -23
- mindspore/rewrite/api/scoped_value.py +20 -17
- mindspore/rewrite/api/symbol_tree.py +252 -106
- mindspore/rewrite/api/tree_node_helper.py +3 -0
- 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 +97 -46
- mindspore/rewrite/common/rewrite_elog.py +5 -1
- mindspore/rewrite/namer.py +51 -51
- mindspore/rewrite/namespace.py +14 -5
- mindspore/{ops/bprop_mindir → rewrite/node}/__init__.py +9 -4
- 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} +313 -247
- mindspore/rewrite/node/node_manager.py +254 -0
- mindspore/rewrite/node/node_topological_manager.py +243 -0
- mindspore/rewrite/parsers/arguments_parser.py +22 -21
- mindspore/rewrite/parsers/assign_parser.py +225 -239
- mindspore/rewrite/parsers/attribute_parser.py +9 -7
- mindspore/rewrite/parsers/class_def_parser.py +179 -218
- 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 +23 -20
- mindspore/rewrite/parsers/if_parser.py +28 -24
- mindspore/rewrite/parsers/module_parser.py +202 -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/sparsify.py +4 -1
- mindspore/rewrite/sparsify/utils.py +11 -5
- mindspore/rewrite/symbol_tree.py +577 -732
- mindspore/rewrite/symbol_tree_builder.py +9 -175
- mindspore/rewrite/symbol_tree_dumper.py +2 -2
- mindspore/run_check/_check_version.py +46 -39
- mindspore/run_check/run_check.py +3 -2
- mindspore/{scipy/sparse → safeguard}/__init__.py +4 -5
- mindspore/safeguard/rewrite_obfuscation.py +517 -0
- mindspore/scipy/__init__.py +1 -1
- mindspore/scipy/linalg.py +67 -61
- mindspore/scipy/ops.py +5 -41
- mindspore/scipy/ops_grad.py +3 -2
- mindspore/scipy/ops_wrapper.py +5 -5
- mindspore/scipy/optimize/line_search.py +8 -8
- mindspore/scipy/optimize/linear_sum_assignment.py +4 -4
- mindspore/scipy/optimize/minimize.py +16 -12
- mindspore/scipy/utils.py +1 -52
- mindspore/scipy/utils_const.py +4 -4
- mindspore/train/__init__.py +4 -4
- mindspore/train/_utils.py +13 -5
- mindspore/train/amp.py +410 -148
- mindspore/train/anf_ir_pb2.py +16 -4
- mindspore/train/callback/_backup_and_restore.py +8 -11
- mindspore/train/callback/_callback.py +80 -3
- mindspore/train/callback/_checkpoint.py +82 -51
- mindspore/train/callback/_early_stop.py +12 -15
- mindspore/train/callback/_history.py +1 -1
- mindspore/train/callback/_lambda_callback.py +13 -13
- mindspore/train/callback/_landscape.py +21 -17
- mindspore/train/callback/_loss_monitor.py +9 -10
- mindspore/train/callback/_on_request_exit.py +16 -33
- mindspore/train/callback/_reduce_lr_on_plateau.py +21 -24
- mindspore/train/callback/_summary_collector.py +44 -30
- mindspore/train/callback/_time_monitor.py +62 -12
- mindspore/train/data_sink.py +10 -16
- mindspore/train/dataset_helper.py +154 -86
- mindspore/train/loss_scale_manager.py +14 -9
- mindspore/train/metrics/__init__.py +10 -2
- mindspore/train/metrics/accuracy.py +1 -1
- mindspore/train/metrics/auc.py +1 -1
- mindspore/train/metrics/bleu_score.py +2 -2
- mindspore/train/metrics/confusion_matrix.py +14 -14
- mindspore/train/metrics/cosine_similarity.py +3 -3
- mindspore/train/metrics/dice.py +1 -1
- mindspore/train/metrics/fbeta.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +8 -6
- mindspore/train/metrics/mean_surface_distance.py +5 -4
- mindspore/train/metrics/metric.py +49 -17
- mindspore/train/metrics/occlusion_sensitivity.py +4 -4
- mindspore/train/metrics/perplexity.py +1 -1
- mindspore/train/metrics/precision.py +2 -2
- mindspore/train/metrics/recall.py +2 -3
- mindspore/train/metrics/roc.py +7 -7
- mindspore/train/metrics/root_mean_square_surface_distance.py +5 -4
- mindspore/train/metrics/topk.py +7 -4
- mindspore/train/mind_ir_pb2.py +193 -48
- mindspore/train/model.py +377 -133
- mindspore/train/serialization.py +697 -245
- mindspore/train/summary/_summary_adapter.py +5 -2
- mindspore/train/summary/_writer_pool.py +4 -3
- mindspore/train/summary/summary_record.py +25 -23
- mindspore/train/train_thor/convert_utils.py +39 -23
- mindspore/train/train_thor/dataset_helper.py +4 -3
- mindspore/train/train_thor/model_thor.py +8 -8
- mindspore/version.py +1 -1
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/METADATA +7 -8
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/RECORD +633 -804
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.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 -57
- 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/bias_add_grad.py +0 -49
- 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/gather.py +0 -43
- 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/expanders/tile.py +0 -54
- mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
- mindspore/_extends/parse/jit_fallback_modules.py +0 -51
- mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
- mindspore/dataset/engine/graphdata.py +0 -1586
- mindspore/include/api/net.h +0 -142
- mindspore/ops/_grad/grad_array_ops.py +0 -1347
- mindspore/ops/_grad/grad_clip_ops.py +0 -84
- mindspore/ops/_grad/grad_debug_ops.py +0 -68
- mindspore/ops/_grad/grad_inner_ops.py +0 -235
- mindspore/ops/_grad/grad_math_ops.py +0 -1684
- mindspore/ops/_grad/grad_nn_ops.py +0 -1529
- mindspore/ops/_grad/grad_other_ops.py +0 -89
- mindspore/ops/_grad/grad_sequence_ops.py +0 -296
- mindspore/ops/_grad/grad_sparse.py +0 -323
- mindspore/ops/_grad_experimental/grad_image_ops.py +0 -249
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -195
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
- mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ApproximateEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Argmax_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Argmin_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/AssignSub_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Assign_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +0 -150
- mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +0 -66
- mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BatchToSpaceND_bprop.mindir +0 -28
- mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +0 -33
- mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +0 -306
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Concat_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +0 -240
- mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +0 -247
- mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +0 -247
- mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +0 -315
- mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +0 -278
- mindspore/ops/bprop_mindir/DType_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +0 -58
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/DepthToSpace_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
- mindspore/ops/bprop_mindir/DiagPart_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +0 -25
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +0 -18
- mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +0 -27
- mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicShape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/Elu_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Equal_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +0 -58
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +0 -54
- mindspore/ops/bprop_mindir/FloorDiv_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/GatherD_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +0 -57
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/GreaterEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Greater_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/IOU_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/IsFinite_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/IsInf_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/IsNan_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +0 -126
- mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +0 -30
- mindspore/ops/bprop_mindir/LRN_bprop.mindir +0 -43
- mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/LessEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Less_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LinSpace_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/LogicalAnd_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LogicalNot_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/MaskedSelect_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +0 -74
- mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +0 -74
- mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +0 -75
- mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +0 -65
- mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Maximum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Minimum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +0 -27
- mindspore/ops/bprop_mindir/Mish_bprop.mindir +0 -35
- mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NonZero_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/NotEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/OneHot_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/OnesLike_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +0 -82
- mindspore/ops/bprop_mindir/Range_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Rank_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReduceAll_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ReduceAny_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +0 -60
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +0 -89
- mindspore/ops/bprop_mindir/ReverseSequence_bprop.mindir +0 -52
- mindspore/ops/bprop_mindir/ReverseV2_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Round_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/ScatterMax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterMin_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNdUpdate_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/ScatterNd_bprop.mindir +0 -24
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/ScatterUpdate_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/Select_bprop.mindir +0 -31
- mindspore/ops/bprop_mindir/Shape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Sign_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Slice_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +0 -36
- mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Softplus_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Softsign_bprop.mindir +0 -33
- mindspore/ops/bprop_mindir/Sort_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SpaceToBatchND_bprop.mindir +0 -28
- mindspore/ops/bprop_mindir/SpaceToDepth_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Split_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +0 -54
- mindspore/ops/bprop_mindir/StridedSliceGrad_bprop.mindir +0 -95
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +0 -98
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +0 -66
- mindspore/ops/bprop_mindir/TensorScatterAdd_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/TensorScatterUpdate_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/TensorShape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/TruncateDiv_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +0 -32
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +0 -38
- mindspore/ops/bprop_mindir/ZerosLike_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
- mindspore/rewrite/node_visitor.py +0 -44
- mindspore/rewrite/topological_manager.py +0 -203
- mindspore/scipy/sparse/linalg.py +0 -192
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/WHEEL +0 -0
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/top_level.txt +0 -0
|
@@ -180,7 +180,7 @@ class AdjustHue(Primitive):
|
|
|
180
180
|
|
|
181
181
|
|
|
182
182
|
class ExtractGlimpse(Primitive):
|
|
183
|
-
"""
|
|
183
|
+
r"""
|
|
184
184
|
Extracts glimpses(usually subarea of rectangle) from the input image Tensor and return as windows.
|
|
185
185
|
|
|
186
186
|
Note:
|
|
@@ -190,34 +190,35 @@ class ExtractGlimpse(Primitive):
|
|
|
190
190
|
Args:
|
|
191
191
|
centered (bool, optional): An optional `bool`. Indicates if the offset coordinates
|
|
192
192
|
are centered relative to the image, in which case the (0, 0) offset is relative to the center of
|
|
193
|
-
the center of the input images. If
|
|
194
|
-
of the input images.
|
|
193
|
+
the center of the input images. If ``False`` , the (0, 0) offset corresponds to the upper left corner
|
|
194
|
+
of the input images. Default: ``True`` .
|
|
195
195
|
normalized (bool, optional): An optional `bool`. indicates if the offset
|
|
196
|
-
coordinates are normalized.
|
|
196
|
+
coordinates are normalized. Default: ``True`` .
|
|
197
197
|
uniform_noise (bool, optional): An optional `bool`. indicates if the noise should be
|
|
198
|
-
generated using a uniform distribution(aka. Gaussian distribution).
|
|
198
|
+
generated using a uniform distribution(aka. Gaussian distribution). Default: ``True`` .
|
|
199
199
|
noise (str, optional): An optional string specifies the type of noise to fill.
|
|
200
200
|
The window is determined by size and offsets.
|
|
201
201
|
When the window and input image tensor don't not overlap, random noise is filled.
|
|
202
|
-
The value can be 'uniform', 'gaussian' and 'zero'. Default:
|
|
202
|
+
The value can be ``'uniform'`` , ``'gaussian'`` and ``'zero'`` . Default: ``uniform`` .
|
|
203
203
|
|
|
204
|
-
- When `noise` is 'uniform' and 'gaussian', the result is variable.
|
|
205
|
-
- When `noise` is 'zero', the value of `uniform_noise` must be 'False' and the
|
|
204
|
+
- When `noise` is ``'uniform'`` and ``'gaussian'`` , the result is variable.
|
|
205
|
+
- When `noise` is ``'zero'`` , the value of `uniform_noise` must be ``'False'`` and the
|
|
206
206
|
filling noise will be zero so that the result is fixed.
|
|
207
|
-
- When `uniform_noise` is 'True', the value of `noise` only can be 'uniform'.
|
|
208
|
-
When `uniform_noise` is 'False', the value of `noise` can be 'uniform', 'gaussian'
|
|
207
|
+
- When `uniform_noise` is ``'True'`` , the value of `noise` only can be ``'uniform'`` .
|
|
208
|
+
When `uniform_noise` is ``'False'`` , the value of `noise` can be ``'uniform'`` , ``'gaussian'`` or
|
|
209
|
+
``'zero'`` .
|
|
209
210
|
|
|
210
211
|
Inputs:
|
|
211
|
-
- **x** (Tensor) - A 4-D float tensor of shape :math:`(
|
|
212
|
+
- **x** (Tensor) - A 4-D float tensor of shape :math:`(batch\_size, height, width, channels)`.
|
|
212
213
|
Types allowed: float32.
|
|
213
214
|
- **size** (Tensor) - A 1-D tensor of 2 elements containing the size of the glimpses to extract.
|
|
214
215
|
The glimpse height must be specified first, following by the glimpse width. Types allowed: int32.
|
|
215
216
|
The value of size must be greater than zero.
|
|
216
|
-
- **offsets** (Tensor) - A 2-D integer tensor of shape :math:`(
|
|
217
|
+
- **offsets** (Tensor) - A 2-D integer tensor of shape :math:`(batch\_size, 2)` containing the y, x locations
|
|
217
218
|
of the center of each window. Types allowed: float32.
|
|
218
219
|
|
|
219
220
|
Outputs:
|
|
220
|
-
A 4-D tensor of shape :math:`(
|
|
221
|
+
A 4-D tensor of shape :math:`(batch\_size, glimpse\_height, glimpse\_width, channels)` with type: float32.
|
|
221
222
|
|
|
222
223
|
Raises:
|
|
223
224
|
TypeError: If `centered` is not a bool.
|
|
@@ -276,9 +277,18 @@ class CropAndResize(Primitive):
|
|
|
276
277
|
|
|
277
278
|
Args:
|
|
278
279
|
method (str, optional): An optional string that specifies the sampling method for resizing.
|
|
279
|
-
It can be "bilinear", "nearest" or "bilinear_v2".
|
|
280
|
-
|
|
281
|
-
|
|
280
|
+
It can be ``"bilinear"`` , ``"nearest"`` or ``"bilinear_v2"`` . Default: ``"bilinear"`` .
|
|
281
|
+
|
|
282
|
+
- ``"nearest"``: Nearest neighbor interpolation. Each output pixel is assigned the value of the
|
|
283
|
+
nearest input pixel. This method is simple and fast but can result in blocky or pixelated outputs.
|
|
284
|
+
- ``"bilinear"``: Bilinear interpolation. Each output pixel is a weighted average of the four nearest input
|
|
285
|
+
pixels, computed using bilinear interpolation. This method produces smoother results compared
|
|
286
|
+
to nearest neighbor interpolation.
|
|
287
|
+
- ``"bilinear_v2"``: The optimized variant of
|
|
288
|
+
``"bilinear"``, it may achieve better result(higher precision and speed) in some cases.
|
|
289
|
+
|
|
290
|
+
extrapolation_value (float, optional): An optional float value used extrapolation, if applicable.
|
|
291
|
+
Default: ``0.0`` .
|
|
282
292
|
|
|
283
293
|
Inputs:
|
|
284
294
|
- **x** (Tensor) - The input image must be a 4-D tensor of shape
|
|
@@ -320,6 +330,8 @@ class CropAndResize(Primitive):
|
|
|
320
330
|
``Ascend`` ``GPU`` ``CPU``
|
|
321
331
|
|
|
322
332
|
Examples:
|
|
333
|
+
>>> import numpy as np
|
|
334
|
+
>>> from mindspore import nn, ops, Tensor
|
|
323
335
|
>>> class CropAndResizeNet(nn.Cell):
|
|
324
336
|
... def __init__(self, crop_size):
|
|
325
337
|
... super(CropAndResizeNet, self).__init__()
|
|
@@ -353,7 +365,6 @@ class CropAndResize(Primitive):
|
|
|
353
365
|
self.method = method
|
|
354
366
|
validator.check_value_type("extrapolation_value", extrapolation_value, [float], self.name)
|
|
355
367
|
self.extrapolation_value = extrapolation_value
|
|
356
|
-
self.is_ge = context.get_context("enable_ge")
|
|
357
368
|
|
|
358
369
|
|
|
359
370
|
class NonMaxSuppressionV3(Primitive):
|
|
@@ -465,7 +476,7 @@ class NonMaxSuppressionWithOverlaps(Primitive):
|
|
|
465
476
|
Raises:
|
|
466
477
|
TypeError: If the dtype of `overlaps` , `scores` `overlap_threshold` and `score_threshold`
|
|
467
478
|
is not float16, float32 or float64.
|
|
468
|
-
TypeError: If `overlaps` or `scores` is not Tensor
|
|
479
|
+
TypeError: If `overlaps` or `scores` is not Tensor.
|
|
469
480
|
TypeError: If `max_output_size` is not Tensor or Scalar.If `max_output_size` is not int32.
|
|
470
481
|
TypeError: If `overlap_threshold` is not Tensor or scalar. If its type is not float16, float32 or float64.
|
|
471
482
|
TypeError: If `score_threshold` is not Tensor or scalar. If its type is not float16, float32 or float64.
|
|
@@ -547,8 +558,8 @@ class CropAndResizeGradBoxes(Primitive):
|
|
|
547
558
|
Input images and grads must be a 4-D tensor.
|
|
548
559
|
|
|
549
560
|
Args:
|
|
550
|
-
method (str): A string specifying the interpolation method. Only "bilinear" is supported for now.
|
|
551
|
-
Default: "bilinear".
|
|
561
|
+
method (str): A string specifying the interpolation method. Only ``"bilinear"`` is supported for now.
|
|
562
|
+
Default: ``"bilinear"`` .
|
|
552
563
|
|
|
553
564
|
Inputs:
|
|
554
565
|
- **grads** (Tensor) - A 4-D tensor of shape [num_boxes, crop_height, crop_width, depth].
|
|
@@ -660,12 +671,12 @@ class ResizeLinear1D(Primitive):
|
|
|
660
671
|
- Currently, the Ascend platform only supports scenarios where the input `size` is Tuple or List.
|
|
661
672
|
|
|
662
673
|
Args:
|
|
663
|
-
coordinate_transformation_mode (str): Default is 'align_corners'. Describes how to transform the
|
|
664
|
-
in the resized tensor to the coordinate in the original tensor. Other optional: 'half_pixel'.
|
|
674
|
+
coordinate_transformation_mode (str): Default is ``'align_corners'`` . Describes how to transform the
|
|
675
|
+
coordinate in the resized tensor to the coordinate in the original tensor. Other optional: 'half_pixel'.
|
|
665
676
|
|
|
666
677
|
Inputs:
|
|
667
678
|
- **x** (Tensor) - A 3-D tensor which to resize, with shape [batch, channel, width]. Must be one of the
|
|
668
|
-
following types:
|
|
679
|
+
following types: float16, float32, float64.
|
|
669
680
|
- **size** (Union[Tuple[int], List[int], Tensor[int]]): describes the new width of `x` .
|
|
670
681
|
A tuple or list or 1-D tensor with only one int element :math:`(new\_width)`.
|
|
671
682
|
|
|
@@ -711,11 +722,11 @@ class ResizeBilinearV2(Primitive):
|
|
|
711
722
|
This is an experimental API that is subject to change or deletion.
|
|
712
723
|
|
|
713
724
|
Args:
|
|
714
|
-
align_corners (bool, optional): If
|
|
715
|
-
which exactly aligns the 4 corners of images and resized images. If
|
|
716
|
-
rescale by :math:`new\_height / height`. Default: False.
|
|
717
|
-
half_pixel_centers (bool, optional): Whether half pixel center. If set to True, `align_corners` should be
|
|
718
|
-
Default: False.
|
|
725
|
+
align_corners (bool, optional): If ``True`` , rescale input by :math:`(new\_height - 1) / (height - 1)`,
|
|
726
|
+
which exactly aligns the 4 corners of images and resized images. If ``False`` ,
|
|
727
|
+
rescale by :math:`new\_height / height`. Default: ``False`` .
|
|
728
|
+
half_pixel_centers (bool, optional): Whether half pixel center. If set to ``True`` , `align_corners` should be
|
|
729
|
+
``False`` . Default: ``False`` .
|
|
719
730
|
|
|
720
731
|
Inputs:
|
|
721
732
|
- **x** (Tensor): Image to be resized. Input images must be a 4-D tensor with shape
|
|
@@ -730,8 +741,8 @@ class ResizeBilinearV2(Primitive):
|
|
|
730
741
|
Raises:
|
|
731
742
|
TypeError: If `align_corners` is not a bool.
|
|
732
743
|
TypeError: If `half_pixel_centers` is not a bool.
|
|
733
|
-
TypeError: If `align_corners` and `half_pixel_centers` are all True.
|
|
734
|
-
ValueError: If `half_pixel_centers` is True and device_target is CPU.
|
|
744
|
+
TypeError: If `align_corners` and `half_pixel_centers` are all ``True`` .
|
|
745
|
+
ValueError: If `half_pixel_centers` is ``True`` and device_target is CPU.
|
|
735
746
|
ValueError: If dim of `x` is not 4.
|
|
736
747
|
ValueError: If `size` is Tensor and its dim is not 1.
|
|
737
748
|
ValueError: If `size` contains other than 2 elements.
|
|
@@ -740,6 +751,8 @@ class ResizeBilinearV2(Primitive):
|
|
|
740
751
|
``Ascend`` ``GPU`` ``CPU``
|
|
741
752
|
|
|
742
753
|
Examples:
|
|
754
|
+
>>> import mindspore
|
|
755
|
+
>>> from mindspore import Tensor, ops
|
|
743
756
|
>>> x = Tensor([[[[1, 2, 3, 4, 5], [1, 2, 3, 4, 5]]]], mindspore.float32)
|
|
744
757
|
>>> output = ops.ResizeBilinearV2()(x, (5, 5))
|
|
745
758
|
>>> print(output)
|
|
@@ -766,38 +779,44 @@ class ResizeBicubic(Primitive):
|
|
|
766
779
|
r"""
|
|
767
780
|
Resize images to size using bicubic interpolation.
|
|
768
781
|
|
|
782
|
+
.. warning::
|
|
783
|
+
This is an experimental API that is subject to change or deletion.
|
|
784
|
+
|
|
769
785
|
Args:
|
|
770
|
-
align_corners (bool, optional):If
|
|
771
|
-
and output tensors are aligned, preserving the values at the corner pixels.Default: False.
|
|
772
|
-
half_pixel_centers (bool, optional): Whether to use half-pixel center alignment. If set to True,
|
|
773
|
-
`align_corners` should be False. Default: False.
|
|
786
|
+
align_corners (bool, optional): If ``True`` , the centers of the 4 corner pixels of the input
|
|
787
|
+
and output tensors are aligned, preserving the values at the corner pixels. Default: ``False`` .
|
|
788
|
+
half_pixel_centers (bool, optional): Whether to use half-pixel center alignment. If set to ``True`` ,
|
|
789
|
+
`align_corners` should be ``False`` . Default: ``False`` .
|
|
774
790
|
|
|
775
791
|
Inputs:
|
|
776
792
|
- **images** (Tensor) - The input image must be a 4-D tensor of shape :math:`(batch, channels, height, width)`.
|
|
777
793
|
The format must be NCHW.
|
|
778
|
-
Types allowed:
|
|
779
|
-
- **size** (Tensor) - A 1-D tensor
|
|
794
|
+
Types allowed: float16, float32, float64.
|
|
795
|
+
- **size** (Tensor) - A 1-D tensor with 2 elements: new_height, new_width.
|
|
780
796
|
Types allowed: int32.
|
|
781
797
|
|
|
782
798
|
Outputs:
|
|
783
|
-
A 4-D tensor
|
|
799
|
+
A 4-D tensor with shape :math:`(batch, channels, new\_height, new\_width)` whose dtype is the same as `images` .
|
|
784
800
|
|
|
785
801
|
Raises:
|
|
786
|
-
TypeError: If `images`
|
|
787
|
-
TypeError: If `size`
|
|
788
|
-
TypeError: If `align_corners`
|
|
789
|
-
TypeError: If `half_pixel_centers`
|
|
790
|
-
ValueError: If `images`
|
|
791
|
-
ValueError: If `size`
|
|
792
|
-
ValueError: If `size`
|
|
793
|
-
ValueError: If any `size`
|
|
794
|
-
ValueError: If `align_corners` and `half_pixel_centers`
|
|
802
|
+
TypeError: If the type of `images` is not allowed.
|
|
803
|
+
TypeError: If the type of `size` is not int32.
|
|
804
|
+
TypeError: If the type of `align_corners` is not bool.
|
|
805
|
+
TypeError: If the type of `half_pixel_centers` is not bool.
|
|
806
|
+
ValueError: If the dim of `images` is not 4.
|
|
807
|
+
ValueError: If the dim of `size` is not 1.
|
|
808
|
+
ValueError: If the number of elements in `size` is not 2.
|
|
809
|
+
ValueError: If any value of `size` is not positive.
|
|
810
|
+
ValueError: If the values of `align_corners` and `half_pixel_centers` are both ``True`` .
|
|
795
811
|
|
|
796
812
|
|
|
797
813
|
Supported Platforms:
|
|
798
814
|
``Ascend`` ``GPU`` ``CPU``
|
|
799
815
|
|
|
800
816
|
Examples:
|
|
817
|
+
>>> import mindspore
|
|
818
|
+
>>> import numpy as np
|
|
819
|
+
>>> from mindspore import Tensor, ops
|
|
801
820
|
>>> class NetResizeBicubic(nn.Cell):
|
|
802
821
|
... def __init__(self):
|
|
803
822
|
... super(NetResizeBicubic, self).__init__()
|
|
@@ -808,15 +827,12 @@ class ResizeBicubic(Primitive):
|
|
|
808
827
|
... def construct(self, images, size):
|
|
809
828
|
... return self.resize(images, size)
|
|
810
829
|
...
|
|
811
|
-
>>> images = Tensor(np.array([1, 2, 3, 4]).reshape(1,
|
|
830
|
+
>>> images = Tensor(np.array([1, 2, 3, 4]).reshape(1, 1, 2, 2).astype(np.float32))
|
|
812
831
|
>>> size = Tensor([1, 4], mindspore.int32)
|
|
813
832
|
>>> resizebicubic = NetResizeBicubic()
|
|
814
833
|
>>> output = resizebicubic(images, size)
|
|
815
834
|
>>> print(output)
|
|
816
|
-
[[[[1.
|
|
817
|
-
[1.5 ]
|
|
818
|
-
[2. ]
|
|
819
|
-
[2.09375]]]]
|
|
835
|
+
[[[[1. 1.5 2. 2.09375]]]]
|
|
820
836
|
"""
|
|
821
837
|
|
|
822
838
|
@prim_attr_register
|
|
@@ -873,14 +889,13 @@ class ResizeArea(Primitive):
|
|
|
873
889
|
Args:
|
|
874
890
|
align_corners (bool, optional): A boolean flag that specifies whether
|
|
875
891
|
to align the centers of the four corner pixels of the input and output tensors.
|
|
876
|
-
When this flag is set to True, the corner pixels of the output tensor are aligned
|
|
892
|
+
When this flag is set to ``True`` , the corner pixels of the output tensor are aligned
|
|
877
893
|
with the corner pixels of the input tensor, which preserves the values at the corner pixels.
|
|
878
|
-
|
|
894
|
+
Default: ``False`` .
|
|
879
895
|
|
|
880
896
|
Inputs:
|
|
881
897
|
- **images** (Tensor) - Input images must be a 4-D tensor with shape
|
|
882
898
|
which is :math:`(batch, channels, height, width)`. The format must be "NHWC".
|
|
883
|
-
Types allowed: int8, int16, int32, int64, float16, float32, float64, uint8, uint16.
|
|
884
899
|
- **size** (Tensor) - Input size must be a 1-D tensor of 2 elements: new_height, new_width.
|
|
885
900
|
The new size of output image.
|
|
886
901
|
Types allowed: int32.
|
|
@@ -927,8 +942,8 @@ class CropAndResizeGradImage(Primitive):
|
|
|
927
942
|
Input grads must be a 4-D tensor.
|
|
928
943
|
|
|
929
944
|
Args:
|
|
930
|
-
method (str): A string specifying the interpolation method. "bilinear", "nearest" and
|
|
931
|
-
supported for now. "bilinear_v2" only supports GPU. Default: "bilinear".
|
|
945
|
+
method (str): A string specifying the interpolation method. ``"bilinear"`` , ``"nearest"`` and
|
|
946
|
+
``"bilinear_v2"`` are supported for now. ``"bilinear_v2"`` only supports GPU. Default: ``"bilinear"`` .
|
|
932
947
|
T (mindspore.dtype): T is a required attribute. The value range of T is {mindspore.float16, mindspore.float32,
|
|
933
948
|
mindspore.float64}.
|
|
934
949
|
|
|
@@ -1029,9 +1044,9 @@ class ScaleAndTranslate(Primitive):
|
|
|
1029
1044
|
|
|
1030
1045
|
Args:
|
|
1031
1046
|
kernel_type (str, optional): Deciding which image filtering algorithm to choose. Valid options:
|
|
1032
|
-
["lanczos1", "lanczos3", "lanczos5", "gaussian", "box", "triangle"
|
|
1033
|
-
Default: "lanczos3".
|
|
1034
|
-
antialias (bool, optional): Deciding whether to use the antialias. Default: True.
|
|
1047
|
+
[ ``"lanczos1"`` , ``"lanczos3"`` , ``"lanczos5"`` , ``"gaussian"`` , ``"box"`` , ``"triangle"`` ,
|
|
1048
|
+
``"keyscubic"`` , ``"mitchellcubic"`` ]. Default: ``"lanczos3"`` .
|
|
1049
|
+
antialias (bool, optional): Deciding whether to use the antialias. Default: ``True`` .
|
|
1035
1050
|
|
|
1036
1051
|
Inputs:
|
|
1037
1052
|
- **images** (Tensor) - A 4-D tensor of shape :math:`(batch, image\_height, image\_width, channel)`.
|
|
@@ -1093,26 +1108,26 @@ class CombinedNonMaxSuppression(Primitive):
|
|
|
1093
1108
|
|
|
1094
1109
|
Args:
|
|
1095
1110
|
clip_boxes (bool, optional): Determines whether to apply bounding box normalization to ensure the
|
|
1096
|
-
coordinates are within [0, 1] range. Default: True.
|
|
1111
|
+
coordinates are within [0, 1] range. Default: ``True`` .
|
|
1097
1112
|
|
|
1098
|
-
- If True, clip the boxes that fall outside this range.
|
|
1099
|
-
- If False, return the box coordinates as they are without any modifications.
|
|
1113
|
+
- If ``True`` , clip the boxes that fall outside this range.
|
|
1114
|
+
- If ``False`` , return the box coordinates as they are without any modifications.
|
|
1100
1115
|
|
|
1101
1116
|
pad_per_class (bool, optional): Determines whether the output of the non-maximum suppression (NMS)
|
|
1102
|
-
algorithm should be padded or clipped to meet the maximum size constraints. Default: False.
|
|
1117
|
+
algorithm should be padded or clipped to meet the maximum size constraints. Default: ``False`` .
|
|
1103
1118
|
|
|
1104
|
-
- If False, the output is clipped to the maximum size of `max_total_size`.
|
|
1105
|
-
- If True, the output is padded up to `max_size_per_class` * `num_classes` and clipped if
|
|
1119
|
+
- If ``False`` , the output is clipped to the maximum size of `max_total_size`.
|
|
1120
|
+
- If ``True`` , the output is padded up to `max_size_per_class` * `num_classes` and clipped if
|
|
1106
1121
|
it exceeds `max_total_size`.
|
|
1107
1122
|
|
|
1108
1123
|
Inputs:
|
|
1109
|
-
- **boxes** (Tensor) - A float32 Tensor with shape :math:`(
|
|
1124
|
+
- **boxes** (Tensor) - A float32 Tensor with shape :math:`(batch\_size, num\_boxes, q, 4)`
|
|
1110
1125
|
representing the bounding box coordinates.
|
|
1111
1126
|
`q` indicates mapping relationship between boxes and classes.
|
|
1112
1127
|
If `q` is 1, all classes use the same bounding box. If `q` is equal to the number of classes,
|
|
1113
1128
|
class-specific boxes are applied.
|
|
1114
1129
|
- **scores** (Tensor) - A 3-D Tensor of float32 type with the shape
|
|
1115
|
-
:math:`(
|
|
1130
|
+
:math:`(batch\_size, num\_boxes, num\_classes)`. It contains a score value for each box,
|
|
1116
1131
|
with each row of `boxes` represented by a single score.
|
|
1117
1132
|
- **max_output_size_per_class** (Tensor) - The maximum number of boxes that can be selected for each class
|
|
1118
1133
|
by the non-maximum suppression algorithm, represented by a scalar Tensor of type int32.
|
|
@@ -1187,10 +1202,10 @@ class ResizeV2(Primitive):
|
|
|
1187
1202
|
Input x must be a 4-D tensor.
|
|
1188
1203
|
|
|
1189
1204
|
Args:
|
|
1190
|
-
coordinate_transformation_mode (str): Default is 'half_pixel'. Describes how to transform the
|
|
1191
|
-
coordinate in the resized tensor to the coordinate in the original tensor. Other optional:
|
|
1192
|
-
In 'nearest' mode, coordinate_transformation_mode must be 'half_pixel'.
|
|
1193
|
-
mode (str):
|
|
1205
|
+
coordinate_transformation_mode (str): Default is ``'half_pixel'`` . Describes how to transform the
|
|
1206
|
+
coordinate in the resized tensor to the coordinate in the original tensor. Other optional:
|
|
1207
|
+
``'align_corners'`` . In ``'nearest'`` mode, coordinate_transformation_mode must be ``'half_pixel'`` .
|
|
1208
|
+
mode (str): Default: ``'nearest'`` . Other optional: ``'linear'`` and ``'cubic'`` .
|
|
1194
1209
|
|
|
1195
1210
|
Inputs:
|
|
1196
1211
|
- **x** (Tensor) - A 4-D tensor which to resize, with shape [batch, channel, width, height]. Must be one of the
|
|
@@ -19,7 +19,6 @@ import numbers
|
|
|
19
19
|
import numpy as np
|
|
20
20
|
from mindspore import _checkparam as validator
|
|
21
21
|
from mindspore.common import dtype as mstype
|
|
22
|
-
from mindspore.common.dtype import tensor
|
|
23
22
|
from mindspore.ops.primitive import prim_attr_register, PrimitiveWithInfer, Primitive
|
|
24
23
|
from mindspore.ops import signature as sig
|
|
25
24
|
|
|
@@ -34,6 +33,8 @@ class ScalarCast(Primitive):
|
|
|
34
33
|
``Ascend`` ``GPU`` ``CPU``
|
|
35
34
|
|
|
36
35
|
Examples:
|
|
36
|
+
>>> import mindspore
|
|
37
|
+
>>> from mindspore import ops
|
|
37
38
|
>>> scalar_cast = ops.ScalarCast()
|
|
38
39
|
>>> output = scalar_cast(255.0, mindspore.int32)
|
|
39
40
|
>>> print(output)
|
|
@@ -46,7 +47,7 @@ class ScalarCast(Primitive):
|
|
|
46
47
|
|
|
47
48
|
def __call__(self, x, dtype):
|
|
48
49
|
validator.check_value_type("x", x, [bool, numbers.Number], self.name)
|
|
49
|
-
if isinstance(dtype, type(
|
|
50
|
+
if isinstance(dtype, type(mstype.tensor_type)):
|
|
50
51
|
dtype = dtype.element_type()
|
|
51
52
|
np_dtype = str(dtype)
|
|
52
53
|
value = np.cast[np_dtype.lower()](x)
|
|
@@ -60,9 +61,9 @@ class Randperm(Primitive):
|
|
|
60
61
|
the last `max_length-n` elements will be filled with `pad`.
|
|
61
62
|
|
|
62
63
|
Args:
|
|
63
|
-
max_length (int): Number of items expected to get and the number must be greater than 0. Default: 1.
|
|
64
|
-
pad (int): The pad value to be filled. Default:
|
|
65
|
-
dtype (mindspore.dtype): The type of output. Default:
|
|
64
|
+
max_length (int): Number of items expected to get and the number must be greater than 0. Default: ``1`` .
|
|
65
|
+
pad (int): The pad value to be filled. Default: ``-1`` .
|
|
66
|
+
dtype (mindspore.dtype): The type of output. Default: ``mstype.int32`` .
|
|
66
67
|
|
|
67
68
|
Inputs:
|
|
68
69
|
- **n** (Tensor) - The input tensor with shape :math:`(1,)` with and dtype int32 or int64.
|
|
@@ -84,6 +85,8 @@ class Randperm(Primitive):
|
|
|
84
85
|
``Ascend`` ``GPU``
|
|
85
86
|
|
|
86
87
|
Examples:
|
|
88
|
+
>>> import mindspore
|
|
89
|
+
>>> from mindspore import Tensor, ops
|
|
87
90
|
>>> # The result of every execution is different because this operator will generate n random samples.
|
|
88
91
|
>>> randperm = ops.Randperm(max_length=30, pad=-1)
|
|
89
92
|
>>> n = Tensor([20], dtype=mindspore.int32)
|
|
@@ -118,7 +121,7 @@ class NoRepeatNGram(Primitive):
|
|
|
118
121
|
Because 3 consecutive words [2, 3, 2] do not appear twice in the word sequence.
|
|
119
122
|
|
|
120
123
|
Args:
|
|
121
|
-
ngram_size (int): Size of n-grams, must be greater than 0. Default: 1.
|
|
124
|
+
ngram_size (int): Size of n-grams, must be greater than 0. Default: ``1`` .
|
|
122
125
|
|
|
123
126
|
Inputs:
|
|
124
127
|
- **state_seq** (Tensor) - n-gram word series, a 3-D tensor with shape: :math:`(batch\_size, beam\_width, m)`.
|
|
@@ -144,6 +147,8 @@ class NoRepeatNGram(Primitive):
|
|
|
144
147
|
``Ascend`` ``GPU`` ``CPU``
|
|
145
148
|
|
|
146
149
|
Examples:
|
|
150
|
+
>>> import mindspore
|
|
151
|
+
>>> from mindspore import Tensor, ops
|
|
147
152
|
>>> no_repeat_ngram = ops.NoRepeatNGram(ngram_size=3)
|
|
148
153
|
>>> state_seq = Tensor([[[1, 2, 1, 2, 5, 1, 2],
|
|
149
154
|
... [9, 3, 9, 5, 4, 1, 5]],
|
|
@@ -328,9 +333,9 @@ class FusedWeightScaleApplyMomentum(PrimitiveWithInfer):
|
|
|
328
333
|
|
|
329
334
|
Inputs:
|
|
330
335
|
- **weight_decay** (Tensor) - The weight decay value, must be a scalar tensor with float data type.
|
|
331
|
-
Default: 0.0.
|
|
336
|
+
Default: ``0.0`` .
|
|
332
337
|
- **loss_scale** (Tensor) - The loss scale value, must be a scalar tensor with float data type.
|
|
333
|
-
Default: 1.0.
|
|
338
|
+
Default: ``1.0`` .
|
|
334
339
|
- **variable** (Parameter) - Weights to be updated. data type must be float.
|
|
335
340
|
- **accumulation** (Parameter) - Accumulated gradient value by moment weight.
|
|
336
341
|
Has the same data type with `variable`.
|
|
@@ -413,8 +418,8 @@ class FusedCastAdamWeightDecay(PrimitiveWithInfer):
|
|
|
413
418
|
|
|
414
419
|
Args:
|
|
415
420
|
use_locking (bool): Whether to enable a lock to protect variable tensors from being updated.
|
|
416
|
-
If
|
|
417
|
-
If
|
|
421
|
+
If ``True`` , updates of the var, m, and v tensors will be protected by a lock.
|
|
422
|
+
If ``False`` , the result is unpredictable. Default: ``False`` .
|
|
418
423
|
|
|
419
424
|
Inputs:
|
|
420
425
|
- **var** (Tensor) - Weights to be updated with the type float16 or float32.
|
|
@@ -543,9 +548,9 @@ class FusedAdaFactor(PrimitiveWithInfer):
|
|
|
543
548
|
:math:`C` is the running averages of the column sums of the squared gradient.
|
|
544
549
|
|
|
545
550
|
Args:
|
|
546
|
-
enable_weight_decay (bool): If True, enable weight decay.
|
|
547
|
-
enable_first_moment (bool): If True, enable first moment.
|
|
548
|
-
enable_scale_parameter (bool): If True, enable scale learning rate using parameter.
|
|
551
|
+
enable_weight_decay (bool): If ``True`` , enable weight decay. Default: ``False`` .
|
|
552
|
+
enable_first_moment (bool): If ``True`` , enable first moment. Default: ``False`` .
|
|
553
|
+
enable_scale_parameter (bool): If ``True`` , enable scale learning rate using parameter. Default: ``False`` .
|
|
549
554
|
|
|
550
555
|
Inputs:
|
|
551
556
|
- **epsilon** (Tensor) - input epsilon pair.
|
|
@@ -45,13 +45,15 @@ class Geqrf(Primitive):
|
|
|
45
45
|
|
|
46
46
|
Raises:
|
|
47
47
|
TypeError: If `x` is not a Tensor.
|
|
48
|
-
TypeError: If the dtype of `x` is
|
|
49
|
-
ValueError: If `x`
|
|
48
|
+
TypeError: If the dtype of `x` is not float32, float64, complex64 or complex128.
|
|
49
|
+
ValueError: If dimension of `x` is less than 2.
|
|
50
50
|
|
|
51
51
|
Supported Platforms:
|
|
52
52
|
``Ascend`` ``GPU`` ``CPU``
|
|
53
53
|
|
|
54
54
|
Examples:
|
|
55
|
+
>>> import numpy as np
|
|
56
|
+
>>> from mindspore import Tensor, ops
|
|
55
57
|
>>> input_x = Tensor(np.array([[-2.0, -1.0], [1.0, 2.0]]).astype(np.float32))
|
|
56
58
|
>>> geqrf = ops.Geqrf()
|
|
57
59
|
>>> y, tau = geqrf(input_x)
|
|
@@ -75,11 +77,11 @@ class Svd(Primitive):
|
|
|
75
77
|
Refer to :func:`mindspore.ops.svd` for more details.
|
|
76
78
|
|
|
77
79
|
Args:
|
|
78
|
-
full_matrices (bool, optional): If
|
|
79
|
-
only the leading P singular vectors, with P is the minimum of M and N.
|
|
80
|
-
Default: False.
|
|
81
|
-
compute_uv (bool, optional): If
|
|
82
|
-
If
|
|
80
|
+
full_matrices (bool, optional): If ``True`` , compute full-sized :math:`U` and :math:`V`. If ``False``,
|
|
81
|
+
compute only the leading P singular vectors, with P is the minimum of M and N.
|
|
82
|
+
Default: ``False`` .
|
|
83
|
+
compute_uv (bool, optional): If ``True`` , compute the left and right singular vectors.
|
|
84
|
+
If ``False`` , compute only the singular values. Default: ``True`` .
|
|
83
85
|
|
|
84
86
|
Inputs:
|
|
85
87
|
- **input** (Tensor) - Tensor of the matrices to be decomposed. The shape should be :math:`(*, M, N)`,
|
|
@@ -87,10 +89,10 @@ class Svd(Primitive):
|
|
|
87
89
|
|
|
88
90
|
Outputs:
|
|
89
91
|
- **s** (Tensor) - Singular values. The shape is :math:`(*, P)`.
|
|
90
|
-
- **u** (Tensor) - Left singular vectors. If `compute_uv` is False, u will be zero value.
|
|
91
|
-
The shape is :math:`(*, M, P)`. If `full_matrices` is True, the shape will be :math:`(*, M, M)`.
|
|
92
|
-
- **v** (Tensor) - Right singular vectors. If `compute_uv` is False, v will be zero value.
|
|
93
|
-
The shape is :math:`(*, N, P)`. If `full_matrices` is True, the shape will be :math:`(*, N, N)`.
|
|
92
|
+
- **u** (Tensor) - Left singular vectors. If `compute_uv` is ``False`` , u will be zero value.
|
|
93
|
+
The shape is :math:`(*, M, P)`. If `full_matrices` is ``True`` , the shape will be :math:`(*, M, M)`.
|
|
94
|
+
- **v** (Tensor) - Right singular vectors. If `compute_uv` is ``False`` , v will be zero value.
|
|
95
|
+
The shape is :math:`(*, N, P)`. If `full_matrices` is ``True`` , the shape will be :math:`(*, N, N)`.
|
|
94
96
|
|
|
95
97
|
Supported Platforms:
|
|
96
98
|
``GPU`` ``CPU``
|
|
@@ -122,3 +124,20 @@ class Svd(Primitive):
|
|
|
122
124
|
self.compute_uv = Validator.check_value_type("compute_uv", compute_uv, [bool], self.name)
|
|
123
125
|
self.add_prim_attr('full_matrices', self.full_matrices)
|
|
124
126
|
self.add_prim_attr('compute_uv', self.compute_uv)
|
|
127
|
+
|
|
128
|
+
|
|
129
|
+
class Eigh(Primitive):
|
|
130
|
+
"""
|
|
131
|
+
Eigh decomposition(Symmetric matrix)
|
|
132
|
+
Ax = lambda * x
|
|
133
|
+
"""
|
|
134
|
+
|
|
135
|
+
@prim_attr_register
|
|
136
|
+
def __init__(self, compute_eigenvectors=True, lower=True):
|
|
137
|
+
super().__init__(name="Eigh")
|
|
138
|
+
self.init_prim_io_names(inputs=['A'], outputs=['output_w', 'output_v'])
|
|
139
|
+
self.compute_eigenvectors = Validator.check_value_type(
|
|
140
|
+
"compute_eigenvectors", compute_eigenvectors, [bool], self.name)
|
|
141
|
+
self.lower = Validator.check_value_type("lower", lower, [bool], self.lower)
|
|
142
|
+
self.add_prim_attr('lower', self.lower)
|
|
143
|
+
self.add_prim_attr('compute_eigenvectors', self.compute_eigenvectors)
|