mindspore 1.10.0__cp37-none-any.whl → 2.0.0rc1__cp37-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 +9064 -0
- mindspore/__init__.py +9 -4
- mindspore/_akg/akg/composite/build_module.py +11 -0
- mindspore/_akg/akg/config/repository_cuda.json +11 -0
- mindspore/_akg/akg/tvm/contrib/nvcc.py +4 -3
- mindspore/_c_dataengine.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +102 -0
- mindspore/_checkparam.py +1066 -1001
- mindspore/_extends/builtin_operations.py +32 -4
- mindspore/_extends/graph_kernel/model/graph_split.py +66 -222
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +12 -9
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +119 -26
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -50
- mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -6
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -25
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -27
- mindspore/_extends/parse/__init__.py +5 -3
- mindspore/_extends/parse/namespace.py +17 -2
- mindspore/_extends/parse/parser.py +193 -34
- mindspore/_extends/parse/resources.py +7 -8
- mindspore/_extends/parse/standard_method.py +1780 -435
- mindspore/_extends/parse/trope.py +3 -1
- mindspore/_mindspore_offline_debug.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/amp.py +53 -58
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/adasum.py +3 -2
- mindspore/boost/boost.py +2 -2
- mindspore/boost/boost_cell_wrapper.py +46 -26
- mindspore/boost/dim_reduce.py +6 -5
- mindspore/boost/grad_accumulation.py +2 -1
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/common/__init__.py +11 -10
- mindspore/common/_decorator.py +2 -0
- mindspore/common/_register_for_adapter.py +55 -0
- mindspore/common/_stub_tensor.py +201 -0
- mindspore/common/_utils.py +57 -0
- mindspore/common/api.py +582 -297
- mindspore/common/dtype.py +66 -18
- mindspore/common/dump.py +2 -2
- mindspore/common/initializer.py +38 -1
- mindspore/common/jit_config.py +25 -13
- mindspore/common/mutable.py +53 -24
- mindspore/common/parameter.py +60 -37
- mindspore/common/seed.py +8 -24
- mindspore/common/sparse_tensor.py +927 -0
- mindspore/common/tensor.py +1627 -3900
- mindspore/communication/__init__.py +10 -5
- mindspore/communication/_comm_helper.py +78 -214
- mindspore/communication/_hccl_management.py +2 -1
- mindspore/communication/management.py +136 -47
- mindspore/config/op_info.config +501 -1008
- mindspore/config/super_bar_config.json +512 -0
- mindspore/context.py +291 -56
- mindspore/dataset/__init__.py +12 -8
- mindspore/dataset/audio/__init__.py +9 -9
- mindspore/dataset/audio/transforms.py +1090 -228
- mindspore/dataset/audio/utils.py +87 -39
- mindspore/dataset/audio/validators.py +223 -1
- mindspore/dataset/callback/ds_callback.py +17 -15
- mindspore/dataset/core/config.py +246 -17
- mindspore/dataset/core/py_util_helpers.py +4 -3
- mindspore/dataset/core/validator_helpers.py +10 -10
- mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
- mindspore/dataset/debug/debug_hook.py +65 -0
- mindspore/dataset/debug/pre_defined_hook.py +67 -0
- mindspore/dataset/engine/__init__.py +7 -3
- mindspore/dataset/engine/cache_client.py +9 -9
- mindspore/dataset/engine/datasets.py +648 -477
- mindspore/dataset/engine/datasets_audio.py +165 -167
- mindspore/dataset/engine/datasets_standard_format.py +93 -67
- mindspore/dataset/engine/datasets_text.py +492 -342
- mindspore/dataset/engine/datasets_user_defined.py +85 -50
- mindspore/dataset/engine/datasets_vision.py +1224 -699
- mindspore/dataset/engine/graphdata.py +134 -69
- mindspore/dataset/engine/iterators.py +50 -9
- mindspore/dataset/engine/offload.py +52 -31
- mindspore/dataset/engine/samplers.py +27 -24
- mindspore/dataset/engine/serializer_deserializer.py +14 -15
- mindspore/dataset/engine/validators.py +213 -52
- mindspore/dataset/text/__init__.py +10 -8
- mindspore/dataset/text/transforms.py +152 -57
- mindspore/dataset/text/utils.py +98 -49
- mindspore/dataset/text/validators.py +25 -0
- mindspore/dataset/transforms/__init__.py +4 -2
- mindspore/dataset/transforms/c_transforms.py +11 -13
- mindspore/dataset/transforms/py_transforms.py +2 -2
- mindspore/dataset/transforms/py_transforms_util.py +10 -0
- mindspore/dataset/transforms/transforms.py +13 -15
- mindspore/dataset/transforms/validators.py +7 -7
- mindspore/dataset/utils/__init__.py +2 -1
- mindspore/dataset/utils/browse_dataset.py +13 -13
- mindspore/dataset/utils/line_reader.py +121 -0
- mindspore/dataset/vision/__init__.py +8 -7
- mindspore/dataset/vision/c_transforms.py +125 -126
- mindspore/dataset/vision/py_transforms.py +37 -37
- mindspore/dataset/vision/py_transforms_util.py +23 -20
- mindspore/dataset/vision/transforms.py +316 -315
- mindspore/dataset/vision/utils.py +313 -17
- mindspore/dataset/vision/validators.py +6 -6
- mindspore/default_config.py +0 -1
- mindspore/{compression → experimental}/__init__.py +6 -5
- mindspore/experimental/map_parameter.py +275 -0
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/callback/callback.h +9 -13
- mindspore/include/api/callback/ckpt_saver.h +2 -2
- mindspore/include/api/callback/loss_monitor.h +2 -2
- mindspore/include/api/callback/lr_scheduler.h +5 -5
- mindspore/include/api/callback/time_monitor.h +2 -2
- mindspore/include/api/callback/train_accuracy.h +4 -6
- mindspore/include/api/cfg.h +19 -6
- mindspore/include/api/context.h +70 -9
- mindspore/include/api/delegate.h +8 -1
- mindspore/include/api/dual_abi_helper.h +8 -24
- mindspore/include/api/metrics/accuracy.h +2 -2
- mindspore/include/api/metrics/metrics.h +4 -3
- mindspore/include/api/model.h +9 -4
- mindspore/include/api/model_group.h +68 -0
- mindspore/include/api/model_parallel_runner.h +17 -17
- mindspore/include/api/net.h +12 -11
- mindspore/include/api/serialization.h +20 -4
- mindspore/include/api/status.h +7 -1
- mindspore/include/api/types.h +25 -21
- mindspore/include/api/visible.h +4 -0
- mindspore/include/c_api/model_c.h +5 -0
- mindspore/include/c_api/status_c.h +1 -1
- mindspore/include/dataset/config.h +1 -1
- mindspore/include/dataset/constants.h +14 -0
- mindspore/include/dataset/text.h +59 -0
- mindspore/include/dataset/vision.h +56 -117
- mindspore/include/dataset/vision_lite.h +102 -0
- mindspore/include/mindapi/base/type_id.h +42 -3
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libicudata.so.69 +0 -0
- mindspore/lib/libicui18n.so.69 +0 -0
- mindspore/lib/libicuuc.so.69 +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/libmpi_collective.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/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/{libakg.so → 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 +28 -28
- mindspore/mindrecord/common/exceptions.py +2 -4
- mindspore/mindrecord/filereader.py +19 -1
- mindspore/mindrecord/filewriter.py +250 -88
- mindspore/mindrecord/mindpage.py +13 -13
- mindspore/mindrecord/shardheader.py +15 -15
- mindspore/mindrecord/shardreader.py +9 -0
- mindspore/mindrecord/shardwriter.py +29 -29
- mindspore/mindrecord/tools/cifar100_to_mr.py +9 -9
- mindspore/mindrecord/tools/cifar10_to_mr.py +9 -9
- mindspore/mindrecord/tools/csv_to_mr.py +4 -4
- mindspore/mindrecord/tools/imagenet_to_mr.py +70 -65
- mindspore/mindrecord/tools/mnist_to_mr.py +41 -41
- mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
- mindspore/nn/__init__.py +1 -5
- mindspore/nn/cell.py +297 -234
- mindspore/nn/dynamic_lr.py +1 -1
- mindspore/nn/grad/cell_grad.py +17 -42
- mindspore/nn/layer/__init__.py +7 -4
- mindspore/nn/layer/activation.py +131 -88
- mindspore/nn/layer/basic.py +313 -613
- mindspore/nn/layer/channel_shuffle.py +103 -0
- mindspore/nn/layer/combined.py +1 -1
- mindspore/nn/layer/container.py +52 -6
- mindspore/nn/layer/conv.py +112 -43
- mindspore/nn/layer/dense.py +10 -9
- mindspore/nn/layer/embedding.py +36 -34
- mindspore/nn/layer/image.py +123 -27
- mindspore/nn/layer/math.py +108 -107
- mindspore/nn/layer/normalization.py +212 -366
- mindspore/nn/layer/padding.py +370 -42
- mindspore/nn/layer/pooling.py +1443 -219
- mindspore/nn/layer/rnn_cells.py +11 -16
- mindspore/nn/layer/rnns.py +38 -39
- mindspore/nn/layer/thor_layer.py +24 -25
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +701 -0
- mindspore/nn/learning_rate_schedule.py +8 -8
- mindspore/nn/loss/__init__.py +9 -6
- mindspore/nn/loss/loss.py +678 -142
- mindspore/nn/metrics.py +53 -0
- mindspore/nn/optim/_dist_optimizer_registry.py +2 -2
- mindspore/nn/optim/ada_grad.py +8 -8
- mindspore/nn/optim/adadelta.py +2 -3
- mindspore/nn/optim/adafactor.py +18 -14
- mindspore/nn/optim/adam.py +429 -87
- mindspore/nn/optim/adamax.py +5 -6
- mindspore/nn/optim/adasum.py +10 -8
- mindspore/nn/optim/asgd.py +7 -7
- mindspore/nn/optim/ftrl.py +81 -11
- mindspore/nn/optim/lamb.py +7 -8
- mindspore/nn/optim/lars.py +4 -4
- mindspore/nn/optim/lazyadam.py +82 -7
- mindspore/nn/optim/momentum.py +8 -7
- mindspore/nn/optim/optimizer.py +19 -10
- mindspore/nn/optim/proximal_ada_grad.py +6 -5
- mindspore/nn/optim/rmsprop.py +3 -3
- mindspore/nn/optim/rprop.py +20 -16
- mindspore/nn/optim/sgd.py +21 -15
- mindspore/nn/optim/thor.py +23 -21
- mindspore/nn/probability/__init__.py +0 -2
- mindspore/nn/probability/bijector/bijector.py +7 -6
- mindspore/nn/probability/bijector/invert.py +4 -2
- mindspore/nn/probability/bijector/softplus.py +2 -2
- mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
- mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
- mindspore/nn/probability/distribution/__init__.py +6 -0
- mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -2
- mindspore/nn/probability/distribution/_utils/utils.py +11 -17
- mindspore/nn/probability/distribution/bernoulli.py +6 -6
- mindspore/nn/probability/distribution/beta.py +1 -1
- mindspore/nn/probability/distribution/categorical.py +9 -9
- mindspore/nn/probability/distribution/cauchy.py +8 -8
- mindspore/nn/probability/distribution/distribution.py +12 -6
- mindspore/nn/probability/distribution/exponential.py +5 -5
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +6 -5
- mindspore/nn/probability/distribution/gumbel.py +5 -5
- mindspore/nn/probability/distribution/half_normal.py +133 -0
- mindspore/nn/probability/distribution/laplace.py +128 -0
- mindspore/nn/probability/distribution/log_normal.py +0 -1
- mindspore/nn/probability/distribution/logistic.py +4 -5
- mindspore/nn/probability/distribution/normal.py +11 -15
- mindspore/nn/probability/distribution/poisson.py +6 -2
- mindspore/nn/probability/distribution/student_t.py +150 -0
- mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
- mindspore/nn/probability/distribution/uniform.py +5 -5
- mindspore/nn/reinforcement/_tensors_queue.py +3 -3
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +8 -1
- mindspore/nn/wrap/cell_wrapper.py +55 -27
- mindspore/nn/wrap/grad_reducer.py +20 -11
- mindspore/nn/wrap/loss_scale.py +47 -30
- mindspore/numpy/array_creations.py +33 -22
- mindspore/numpy/array_ops.py +46 -42
- mindspore/numpy/logic_ops.py +6 -27
- mindspore/numpy/math_ops.py +26 -19
- mindspore/numpy/utils.py +1 -8
- mindspore/numpy/utils_const.py +112 -62
- mindspore/ops/__init__.py +6 -3
- mindspore/ops/_constants.py +0 -6
- mindspore/ops/_grad/__init__.py +2 -1
- mindspore/ops/_grad/grad_array_ops.py +209 -152
- mindspore/ops/_grad/grad_base.py +55 -17
- mindspore/ops/_grad/grad_clip_ops.py +11 -3
- mindspore/ops/_grad/grad_comm_ops.py +58 -47
- mindspore/ops/_grad/grad_implementations.py +21 -61
- mindspore/ops/_grad/grad_inner_ops.py +48 -6
- mindspore/ops/_grad/grad_math_ops.py +306 -161
- mindspore/ops/_grad/grad_nn_ops.py +192 -181
- mindspore/ops/_grad/grad_other_ops.py +1 -1
- mindspore/ops/_grad/grad_quant_ops.py +5 -5
- mindspore/ops/_grad/grad_sequence_ops.py +296 -0
- mindspore/ops/_grad/grad_sparse.py +15 -9
- mindspore/ops/_grad_experimental/__init__.py +1 -0
- mindspore/ops/_grad_experimental/grad_array_ops.py +441 -55
- mindspore/ops/_grad_experimental/grad_image_ops.py +25 -7
- mindspore/ops/_grad_experimental/grad_inner_ops.py +3 -44
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +16 -21
- mindspore/ops/_grad_experimental/grad_math_ops.py +979 -49
- mindspore/ops/_grad_experimental/grad_nn_ops.py +78 -8
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +197 -13
- mindspore/ops/_op_impl/__init__.py +3 -3
- mindspore/ops/_op_impl/_custom_op/__init__.py +0 -1
- mindspore/ops/_op_impl/_custom_op/_basic.py +0 -1
- mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +4 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +5 -5
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
- mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/correction_mul.py +3 -3
- mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +4 -8
- mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_dds_grad_impl.py +0 -1
- mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -1
- mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +238 -3
- mindspore/ops/_op_impl/aicpu/abs.py +36 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d.py +42 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d_grad.py +152 -0
- mindspore/ops/_op_impl/aicpu/add.py +43 -0
- mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
- mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
- mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/arg_max.py +75 -0
- mindspore/ops/_op_impl/aicpu/arg_min.py +75 -0
- mindspore/ops/_op_impl/aicpu/argmin_with_value.py +43 -0
- mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -0
- mindspore/ops/_op_impl/aicpu/batch_norm_grad_grad.py +49 -0
- mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
- mindspore/ops/_op_impl/aicpu/bessel_i0.py +31 -0
- mindspore/ops/_op_impl/aicpu/bias_add.py +44 -0
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +43 -0
- mindspore/ops/_op_impl/aicpu/bincount.py +33 -0
- mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/cauchy.py} +17 -10
- mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
- mindspore/ops/_op_impl/aicpu/cholesky.py +1 -1
- mindspore/ops/_op_impl/{cpu/bias_add.py → aicpu/choleskygrad.py} +9 -7
- mindspore/ops/_op_impl/aicpu/combined_non_max_suppression.py +42 -0
- mindspore/ops/_op_impl/aicpu/concat_offset.py +42 -0
- mindspore/ops/_op_impl/aicpu/concat_offset_v1.py +31 -0
- mindspore/ops/_op_impl/aicpu/conj.py +11 -0
- mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_image.py +38 -0
- mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +36 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +2 -2
- mindspore/ops/_op_impl/aicpu/dense_to_sparse_set_operation.py +48 -0
- mindspore/ops/_op_impl/aicpu/diag.py +36 -0
- mindspore/ops/_op_impl/aicpu/diag_part.py +36 -0
- mindspore/ops/_op_impl/aicpu/diagonal.py +35 -0
- mindspore/ops/_op_impl/{cpu/bias_add_grad.py → aicpu/digamma.py} +9 -7
- mindspore/ops/_op_impl/aicpu/eig.py +35 -0
- mindspore/ops/_op_impl/aicpu/fft_with_size.py +41 -0
- mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
- mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
- mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
- mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
- mindspore/ops/_op_impl/aicpu/glu.py +33 -0
- mindspore/ops/_op_impl/aicpu/glu_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/greater.py +41 -0
- mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
- mindspore/ops/_op_impl/{tbe/scatter_add_ds.py → aicpu/inplace_index_add.py} +17 -21
- mindspore/ops/_op_impl/aicpu/instance_norm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/instance_norm_v2_grad.py +44 -0
- mindspore/ops/_op_impl/aicpu/layer_norm_grad_grad.py +47 -0
- mindspore/ops/_op_impl/aicpu/less.py +41 -0
- mindspore/ops/_op_impl/aicpu/less_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/lgamma.py +32 -0
- mindspore/ops/_op_impl/aicpu/log_normal_reverse.py +33 -0
- mindspore/ops/_op_impl/aicpu/logit.py +33 -0
- mindspore/ops/_op_impl/aicpu/logit_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/masked_fill.py +42 -0
- mindspore/ops/_op_impl/aicpu/masked_scatter.py +39 -0
- mindspore/ops/_op_impl/aicpu/matmul.py +39 -0
- mindspore/ops/_op_impl/aicpu/matrix_logarithm.py +31 -0
- mindspore/ops/_op_impl/aicpu/matrix_power.py +32 -0
- mindspore/ops/_op_impl/aicpu/matrix_solve_ls.py +36 -0
- mindspore/ops/_op_impl/aicpu/matrix_triangular_solve.py +36 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad.py +2 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
- mindspore/ops/_op_impl/aicpu/mul.py +3 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
- mindspore/ops/_op_impl/aicpu/multinomial_with_replacement.py +35 -0
- mindspore/ops/_op_impl/aicpu/nan_to_num.py +34 -0
- mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
- mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
- mindspore/ops/_op_impl/aicpu/polar.py +32 -0
- mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
- mindspore/ops/_op_impl/aicpu/qr.py +36 -0
- mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
- mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_tensor.py +74 -0
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +3 -0
- mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/range.py +36 -0
- mindspore/ops/_op_impl/aicpu/reciprocal.py +34 -0
- mindspore/ops/_op_impl/aicpu/reciprocal_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/reduce_sum.py +57 -0
- mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
- mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
- mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
- mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
- mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
- mindspore/ops/_op_impl/aicpu/search_sorted.py +12 -6
- mindspore/ops/_op_impl/aicpu/self_adjoint_eig.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
- mindspore/ops/_op_impl/aicpu/slice_grad.py +76 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/sort.py +39 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
- mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows_grad.py +45 -0
- mindspore/ops/_op_impl/aicpu/sparse_matrix_mat_mul.py +56 -0
- mindspore/ops/_op_impl/{tbe/slice_ds.py → aicpu/sparse_segment_sum.py} +16 -24
- mindspore/ops/_op_impl/aicpu/sparse_segment_sum_with_num_segments.py +68 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +61 -0
- mindspore/ops/_op_impl/aicpu/squared_difference.py +2 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_v2.py +93 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_v2_grad.py +66 -0
- mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
- mindspore/ops/_op_impl/{tbe/gather_v2.py → aicpu/tile.py} +24 -24
- mindspore/ops/_op_impl/aicpu/tridiagonal_solve.py +35 -0
- mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/triu_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
- mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
- mindspore/ops/_op_impl/cpu/__init__.py +1 -2
- mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
- mindspore/ops/_op_impl/cpu/maximum_grad.py +2 -0
- mindspore/{compression/common/__init__.py → ops/_op_impl/cpu/pyexecute.py} +13 -8
- mindspore/ops/_op_impl/cpu/reduce_sum.py +8 -0
- mindspore/ops/_op_impl/cpu/sparse_slice.py +62 -0
- mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +60 -0
- mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
- mindspore/ops/_op_impl/tbe/__init__.py +27 -608
- mindspore/ops/_op_impl/tbe/addcdiv_ds.py +42 -0
- mindspore/ops/_op_impl/tbe/addcmul_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -1
- mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +41 -0
- mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +1 -0
- mindspore/ops/_op_impl/tbe/bias_add_grad.py +2 -0
- mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
- mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +40 -0
- mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
- mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
- mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
- mindspore/ops/_op_impl/tbe/cast.py +0 -2
- mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
- mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -2
- mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -2
- mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/deformable_offsets.py +1 -0
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +1 -1
- mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
- mindspore/ops/_op_impl/tbe/greater.py +2 -0
- mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -1
- mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -6
- mindspore/ops/_op_impl/tbe/{greater_ds.py → reduce_all_ds.py} +13 -16
- mindspore/ops/_op_impl/tbe/reduce_any_ds.py +39 -0
- mindspore/ops/_op_impl/tbe/roi_align_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/scatter_add.py +2 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +2 -2
- mindspore/ops/_op_impl/tbe/slice.py +26 -15
- mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +1 -0
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +1 -1
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +3 -2
- mindspore/ops/_register_for_op.py +11 -0
- mindspore/ops/_utils/__init__.py +1 -1
- mindspore/ops/_utils/utils.py +20 -41
- mindspore/ops/_vmap/__init__.py +2 -2
- mindspore/ops/_vmap/vmap_array_ops.py +170 -78
- mindspore/ops/_vmap/vmap_base.py +24 -10
- mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
- mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +41 -9
- mindspore/ops/_vmap/vmap_image_ops.py +52 -0
- mindspore/ops/_vmap/vmap_math_ops.py +77 -6
- mindspore/ops/_vmap/vmap_nn_ops.py +78 -29
- mindspore/ops/_vmap/vmap_other_ops.py +3 -1
- mindspore/ops/_vmap/vmap_random_ops.py +55 -3
- mindspore/ops/_vmap/vmap_sparse_ops.py +1 -0
- 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 +18 -19
- mindspore/ops/bprop_mindir/Argmax_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/Argmin_bprop.mindir +14 -13
- mindspore/ops/bprop_mindir/AssignSub_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/Assign_bprop.mindir +16 -16
- mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
- mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BatchToSpaceND_bprop.mindir +28 -0
- mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +306 -0
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +12 -8
- 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 +240 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
- mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
- mindspore/ops/bprop_mindir/DType_bprop.mindir +12 -12
- mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +12 -13
- mindspore/ops/bprop_mindir/DepthToSpace_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
- mindspore/ops/bprop_mindir/DiagPart_bprop.mindir +15 -0
- 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 +22 -24
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -14
- mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
- 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 +12 -12
- mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Equal_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +54 -0
- mindspore/ops/bprop_mindir/FloorDiv_bprop.mindir +18 -15
- mindspore/ops/bprop_mindir/GatherD_bprop.mindir +26 -0
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +57 -0
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/GreaterEqual_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/Greater_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/IOU_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/IsFinite_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/IsInf_bprop.mindir +13 -10
- mindspore/ops/bprop_mindir/IsNan_bprop.mindir +14 -11
- mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
- mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
- mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
- mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
- mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/LessEqual_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/Less_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/LinSpace_bprop.mindir +22 -19
- mindspore/ops/bprop_mindir/Load_bprop.mindir +12 -13
- mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/LogicalAnd_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/LogicalNot_bprop.mindir +14 -13
- mindspore/ops/bprop_mindir/MaskedSelect_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
- mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
- 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 +27 -0
- mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
- 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 +14 -0
- mindspore/ops/bprop_mindir/NotEqual_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/OneHot_bprop.mindir +25 -23
- mindspore/ops/bprop_mindir/OnesLike_bprop.mindir +13 -13
- 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 +29 -0
- mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
- mindspore/ops/bprop_mindir/Range_bprop.mindir +21 -19
- mindspore/ops/bprop_mindir/Rank_bprop.mindir +11 -11
- mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReduceAll_bprop.mindir +18 -17
- mindspore/ops/bprop_mindir/ReduceAny_bprop.mindir +18 -17
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +19 -23
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +60 -0
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +89 -0
- mindspore/ops/bprop_mindir/ReverseSequence_bprop.mindir +52 -0
- mindspore/ops/bprop_mindir/ReverseV2_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/Round_bprop.mindir +14 -13
- 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 +22 -0
- mindspore/ops/bprop_mindir/ScatterNd_bprop.mindir +24 -0
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/ScatterUpdate_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/Select_bprop.mindir +30 -34
- mindspore/ops/bprop_mindir/Shape_bprop.mindir +12 -12
- mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Sign_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/Slice_bprop.mindir +26 -0
- mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
- mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/Sort_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SpaceToBatchND_bprop.mindir +28 -0
- mindspore/ops/bprop_mindir/SpaceToDepth_bprop.mindir +23 -0
- 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 +22 -0
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +54 -0
- mindspore/ops/bprop_mindir/StridedSliceGrad_bprop.mindir +95 -0
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +98 -0
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +28 -32
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/TensorScatterAdd_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/TensorScatterUpdate_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/TensorShape_bprop.mindir +14 -0
- 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 +23 -0
- mindspore/ops/bprop_mindir/TruncateDiv_bprop.mindir +18 -15
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +11 -13
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
- mindspore/ops/bprop_mindir/ZerosLike_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/__init__.py +1 -4
- mindspore/ops/bprop_mindir/generate_mindir.py +32 -20
- mindspore/ops/composite/__init__.py +12 -13
- mindspore/ops/composite/base.py +261 -254
- mindspore/ops/composite/env_ops.py +41 -0
- mindspore/ops/composite/math_ops.py +197 -156
- mindspore/ops/composite/multitype_ops/_compile_utils.py +428 -176
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +188 -87
- mindspore/ops/composite/multitype_ops/add_impl.py +23 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +3 -3
- mindspore/ops/composite/multitype_ops/equal_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/getitem_impl.py +52 -5
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +15 -3
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +33 -2
- mindspore/ops/composite/multitype_ops/less_impl.py +33 -0
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mod_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/mul_impl.py +21 -7
- mindspore/ops/composite/multitype_ops/not_in_impl.py +15 -3
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
- mindspore/ops/composite/multitype_ops/pow_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +62 -70
- mindspore/ops/composite/multitype_ops/sub_impl.py +3 -3
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +41 -4
- mindspore/ops/function/__init__.py +323 -8
- mindspore/ops/function/array_func.py +3511 -780
- mindspore/ops/function/clip_func.py +329 -0
- mindspore/ops/function/debug_func.py +6 -6
- mindspore/ops/function/grad/__init__.py +5 -1
- mindspore/ops/function/grad/grad_func.py +736 -65
- mindspore/ops/function/image_func.py +270 -0
- mindspore/ops/function/linalg_func.py +268 -8
- mindspore/ops/function/math_func.py +8032 -3164
- mindspore/ops/function/nn_func.py +5619 -1855
- mindspore/ops/function/other_func.py +115 -0
- mindspore/ops/function/parameter_func.py +11 -10
- mindspore/ops/function/random_func.py +939 -77
- mindspore/ops/function/sparse_func.py +249 -84
- mindspore/ops/function/sparse_unary_func.py +2303 -0
- mindspore/ops/function/spectral_func.py +146 -0
- mindspore/ops/function/vmap_func.py +114 -0
- mindspore/ops/functional.py +182 -254
- mindspore/ops/op_info_register.py +79 -34
- mindspore/ops/operations/__init__.py +210 -118
- mindspore/ops/operations/_csr_ops.py +7 -7
- mindspore/ops/operations/_embedding_cache_ops.py +25 -15
- mindspore/ops/operations/_grad_ops.py +447 -322
- mindspore/ops/operations/_inner_ops.py +547 -176
- mindspore/ops/operations/_map_tensor_ops.py +112 -0
- mindspore/ops/operations/_ms_kernel.py +29 -27
- mindspore/ops/operations/_ocr_ops.py +11 -11
- mindspore/ops/operations/_opaque_predicate_registry.py +41 -0
- mindspore/ops/operations/_quant_ops.py +186 -101
- mindspore/ops/operations/_rl_inner_ops.py +122 -61
- mindspore/ops/operations/_scalar_ops.py +466 -0
- mindspore/ops/operations/_sequence_ops.py +1047 -0
- mindspore/ops/operations/_tensor_array.py +10 -11
- mindspore/ops/operations/_thor_ops.py +4 -4
- mindspore/ops/operations/array_ops.py +1428 -1226
- mindspore/ops/operations/comm_ops.py +180 -117
- mindspore/ops/operations/control_ops.py +4 -2
- mindspore/ops/operations/custom_ops.py +185 -98
- mindspore/ops/operations/debug_ops.py +92 -54
- mindspore/ops/operations/image_ops.py +406 -211
- mindspore/ops/operations/inner_ops.py +42 -53
- mindspore/ops/operations/linalg_ops.py +32 -29
- mindspore/ops/operations/math_ops.py +2076 -897
- mindspore/ops/operations/nn_ops.py +1282 -1252
- mindspore/ops/operations/other_ops.py +124 -278
- mindspore/ops/operations/random_ops.py +345 -178
- mindspore/ops/operations/rl_ops.py +8 -9
- mindspore/ops/operations/sparse_ops.py +502 -157
- mindspore/ops/operations/spectral_ops.py +107 -0
- mindspore/ops/primitive.py +192 -15
- mindspore/ops/vm_impl_registry.py +23 -2
- mindspore/parallel/__init__.py +6 -1
- mindspore/parallel/_auto_parallel_context.py +199 -92
- mindspore/parallel/_cell_wrapper.py +4 -2
- mindspore/parallel/_cost_model_context.py +3 -0
- mindspore/parallel/_dp_allreduce_fusion.py +2 -1
- mindspore/parallel/_offload_context.py +185 -0
- mindspore/parallel/_parallel_serialization.py +167 -28
- mindspore/parallel/_ps_context.py +9 -5
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +9 -1
- mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
- mindspore/{nn/transformer → parallel/_transformer}/layers.py +59 -37
- mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
- mindspore/{nn/transformer → parallel/_transformer}/moe.py +160 -35
- mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
- mindspore/{nn/transformer → parallel/_transformer}/transformer.py +235 -196
- mindspore/parallel/_utils.py +47 -7
- mindspore/parallel/algo_parameter_config.py +5 -1
- mindspore/parallel/checkpoint_transform.py +329 -0
- mindspore/parallel/shard.py +229 -0
- mindspore/profiler/__init__.py +2 -1
- mindspore/profiler/common/util.py +4 -3
- mindspore/profiler/common/validator/validate_path.py +2 -2
- mindspore/profiler/envprofiling.py +249 -0
- mindspore/profiler/parser/aicpu_data_parser.py +38 -39
- mindspore/profiler/parser/ascend_timeline_generator.py +497 -0
- mindspore/profiler/parser/base_timeline_generator.py +471 -0
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +684 -0
- mindspore/profiler/parser/framework_parser.py +42 -16
- mindspore/profiler/parser/hccl_parser.py +158 -158
- mindspore/profiler/parser/hwts_log_parser.py +7 -6
- mindspore/profiler/parser/integrator.py +18 -1579
- mindspore/profiler/parser/minddata_analyzer.py +8 -8
- mindspore/profiler/parser/msadvisor_analyzer.py +14 -27
- mindspore/profiler/parser/msadvisor_parser.py +2 -4
- mindspore/profiler/parser/optime_parser.py +17 -18
- mindspore/profiler/parser/profiler_info.py +108 -0
- mindspore/profiler/parser/step_trace_parser.py +1 -1
- mindspore/profiler/profiling.py +396 -194
- mindspore/rewrite/__init__.py +6 -2
- mindspore/rewrite/api/node.py +51 -110
- mindspore/rewrite/api/node_type.py +10 -6
- mindspore/rewrite/api/pattern_engine.py +51 -7
- mindspore/rewrite/api/scoped_value.py +64 -53
- mindspore/rewrite/api/symbol_tree.py +108 -61
- mindspore/rewrite/api/tree_node_helper.py +2 -3
- mindspore/{compression/quant/__init__.py → rewrite/ast_creator_register.py} +20 -11
- mindspore/rewrite/ast_helpers/__init__.py +6 -3
- mindspore/rewrite/ast_helpers/ast_creator.py +115 -0
- mindspore/rewrite/ast_helpers/ast_finder.py +99 -1
- mindspore/rewrite/ast_helpers/ast_modifier.py +17 -4
- mindspore/rewrite/ast_helpers/ast_replacer.py +1 -1
- mindspore/rewrite/ast_transformers/__init__.py +0 -1
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +46 -5
- mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +6 -3
- mindspore/rewrite/common/__init__.py +2 -0
- mindspore/rewrite/common/event.py +1 -1
- mindspore/rewrite/common/observable.py +1 -1
- mindspore/rewrite/common/observer.py +1 -1
- mindspore/rewrite/common/rewrite_elog.py +35 -0
- mindspore/rewrite/namer.py +2 -2
- mindspore/rewrite/namespace.py +14 -4
- mindspore/rewrite/node.py +161 -13
- mindspore/rewrite/parser.py +0 -1
- mindspore/rewrite/parser_register.py +0 -1
- mindspore/rewrite/parsers/arguments_parser.py +3 -2
- mindspore/rewrite/parsers/assign_parser.py +267 -67
- mindspore/rewrite/parsers/attribute_parser.py +56 -0
- mindspore/rewrite/parsers/class_def_parser.py +191 -108
- mindspore/rewrite/parsers/constant_parser.py +101 -0
- mindspore/rewrite/parsers/container_parser.py +88 -0
- mindspore/rewrite/parsers/for_parser.py +28 -15
- mindspore/rewrite/parsers/function_def_parser.py +21 -5
- mindspore/rewrite/parsers/if_parser.py +11 -28
- mindspore/rewrite/parsers/module_parser.py +9 -6
- mindspore/rewrite/parsers/return_parser.py +3 -2
- mindspore/rewrite/sparsify/__init__.py +0 -0
- mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
- mindspore/rewrite/sparsify/sparsify.py +109 -0
- mindspore/rewrite/sparsify/utils.py +173 -0
- mindspore/rewrite/symbol_tree.py +322 -109
- mindspore/rewrite/symbol_tree_builder.py +45 -8
- mindspore/rewrite/symbol_tree_dumper.py +0 -1
- mindspore/rewrite/topological_manager.py +1 -2
- mindspore/run_check/_check_version.py +209 -112
- mindspore/run_check/run_check.py +2 -1
- mindspore/scipy/linalg.py +13 -117
- mindspore/scipy/ops.py +5 -71
- mindspore/scipy/ops_grad.py +1 -25
- mindspore/scipy/ops_wrapper.py +1 -1
- mindspore/scipy/optimize/_bfgs.py +1 -1
- mindspore/scipy/optimize/_lagrange.py +200 -0
- mindspore/scipy/optimize/line_search.py +3 -2
- mindspore/scipy/optimize/minimize.py +43 -6
- mindspore/scipy/sparse/__init__.py +2 -2
- mindspore/scipy/sparse/linalg.py +5 -465
- mindspore/scipy/utils.py +2 -1
- mindspore/scipy/utils_const.py +7 -1
- mindspore/train/__init__.py +6 -4
- mindspore/train/_utils.py +28 -5
- mindspore/train/amp.py +321 -50
- mindspore/train/callback/__init__.py +3 -1
- mindspore/train/callback/_backup_and_restore.py +120 -0
- mindspore/train/callback/_callback.py +8 -8
- mindspore/train/callback/_checkpoint.py +12 -9
- mindspore/train/callback/_early_stop.py +13 -7
- mindspore/train/callback/_history.py +8 -8
- mindspore/train/callback/_lambda_callback.py +6 -6
- mindspore/train/callback/_landscape.py +36 -38
- mindspore/train/callback/_loss_monitor.py +12 -6
- mindspore/train/callback/_lr_scheduler_callback.py +2 -4
- mindspore/train/callback/_on_request_exit.py +212 -0
- mindspore/train/callback/_reduce_lr_on_plateau.py +13 -7
- mindspore/train/callback/_summary_collector.py +27 -19
- mindspore/train/callback/_time_monitor.py +13 -7
- mindspore/train/checkpoint_pb2.py +68 -8
- mindspore/train/data_sink.py +122 -33
- mindspore/train/dataset_helper.py +28 -87
- mindspore/train/loss_scale_manager.py +4 -7
- mindspore/{nn → train}/metrics/__init__.py +20 -20
- mindspore/{nn → train}/metrics/accuracy.py +12 -10
- mindspore/{nn → train}/metrics/auc.py +4 -4
- mindspore/{nn → train}/metrics/bleu_score.py +4 -4
- mindspore/{nn → train}/metrics/confusion_matrix.py +10 -8
- mindspore/{nn → train}/metrics/cosine_similarity.py +4 -4
- mindspore/{nn → train}/metrics/dice.py +6 -5
- mindspore/{nn → train}/metrics/error.py +7 -5
- mindspore/{nn → train}/metrics/fbeta.py +9 -7
- mindspore/{nn → train}/metrics/hausdorff_distance.py +8 -6
- mindspore/{nn → train}/metrics/loss.py +4 -3
- mindspore/{nn → train}/metrics/mean_surface_distance.py +6 -5
- mindspore/{nn → train}/metrics/metric.py +6 -5
- mindspore/{nn → train}/metrics/occlusion_sensitivity.py +4 -3
- mindspore/{nn → train}/metrics/perplexity.py +5 -4
- mindspore/{nn → train}/metrics/precision.py +5 -4
- mindspore/{nn → train}/metrics/recall.py +5 -4
- mindspore/{nn → train}/metrics/roc.py +7 -6
- mindspore/{nn → train}/metrics/root_mean_square_surface_distance.py +6 -5
- mindspore/{nn → train}/metrics/topk.py +7 -5
- mindspore/train/mind_ir_pb2.py +339 -32
- mindspore/train/model.py +113 -84
- mindspore/train/serialization.py +547 -167
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/summary_record.py +43 -12
- mindspore/train/train_thor/convert_utils.py +7 -1
- mindspore/train/train_thor/dataset_helper.py +3 -3
- mindspore/train/train_thor/model_thor.py +0 -4
- mindspore/version.py +1 -1
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +4 -3
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +899 -675
- mindspore/compression/common/constant.py +0 -124
- mindspore/compression/export/__init__.py +0 -19
- mindspore/compression/export/quant_export.py +0 -514
- mindspore/compression/quant/qat.py +0 -636
- mindspore/compression/quant/quant_utils.py +0 -462
- mindspore/compression/quant/quantizer.py +0 -68
- mindspore/nn/layer/quant.py +0 -1868
- mindspore/nn/layer/rnn_utils.py +0 -90
- mindspore/nn/probability/dpn/__init__.py +0 -22
- mindspore/nn/probability/dpn/vae/__init__.py +0 -25
- mindspore/nn/probability/dpn/vae/cvae.py +0 -138
- mindspore/nn/probability/dpn/vae/vae.py +0 -122
- mindspore/nn/probability/infer/__init__.py +0 -22
- mindspore/nn/probability/infer/variational/elbo.py +0 -70
- mindspore/nn/probability/infer/variational/svi.py +0 -84
- mindspore/nn/probability/toolbox/__init__.py +0 -22
- mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
- mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -363
- mindspore/nn/probability/transforms/__init__.py +0 -22
- mindspore/nn/probability/transforms/transform_bnn.py +0 -262
- mindspore/nn/probability/zhusuan/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
- mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
- mindspore/ops/_op_impl/tbe/bias_add_grad_ds.py +0 -52
- mindspore/ops/_op_impl/tbe/scatter_nd_add_ds.py +0 -43
- mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Identity_bprop.mindir +0 -9
- mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/stop_gradient_bprop.mindir +0 -12
- mindspore/ops/composite/array_ops.py +0 -210
- mindspore/ops/composite/clip_ops.py +0 -238
- mindspore/ops/composite/random_ops.py +0 -426
- mindspore/ops/composite/vmap_ops.py +0 -38
- mindspore/ops/operations/sponge_ops.py +0 -3531
- mindspore/ops/operations/sponge_update_ops.py +0 -2546
- mindspore/parallel/nn/__init__.py +0 -42
- mindspore/parallel/nn/loss.py +0 -22
- mindspore/parallel/nn/moe.py +0 -21
- mindspore/parallel/nn/op_parallel_config.py +0 -22
- mindspore/parallel/nn/transformer.py +0 -31
- mindspore/run_check/_check_deps_version.py +0 -84
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
|
@@ -17,7 +17,7 @@
|
|
|
17
17
|
import functools
|
|
18
18
|
from mindspore import log as logger
|
|
19
19
|
from mindspore.ops import signature as sig
|
|
20
|
-
from mindspore
|
|
20
|
+
from mindspore import _checkparam as validator
|
|
21
21
|
from mindspore.common import dtype as mstype
|
|
22
22
|
from mindspore.ops.primitive import Primitive, PrimitiveWithCheck, PrimitiveWithInfer, prim_attr_register
|
|
23
23
|
from mindspore.ops.operations._pyfunc_registry import add_pyfunc
|
|
@@ -27,7 +27,7 @@ class Assign(Primitive):
|
|
|
27
27
|
"""
|
|
28
28
|
Assigns `Parameter` with a value.
|
|
29
29
|
|
|
30
|
-
Refer to :func:`mindspore.ops.assign` for more
|
|
30
|
+
Refer to :func:`mindspore.ops.assign` for more details.
|
|
31
31
|
|
|
32
32
|
Supported Platforms:
|
|
33
33
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -36,8 +36,8 @@ class Assign(Primitive):
|
|
|
36
36
|
>>> value = Tensor([2.0], mindspore.float32)
|
|
37
37
|
>>> variable = mindspore.Parameter(Tensor([1.0], mindspore.float32), name="variable")
|
|
38
38
|
>>> assign = ops.Assign()
|
|
39
|
-
>>>
|
|
40
|
-
>>> print(
|
|
39
|
+
>>> x = assign(variable, value)
|
|
40
|
+
>>> print(variable.asnumpy())
|
|
41
41
|
[2.]
|
|
42
42
|
"""
|
|
43
43
|
__mindspore_signature__ = (
|
|
@@ -118,7 +118,7 @@ class BoundingBoxEncode(PrimitiveWithInfer):
|
|
|
118
118
|
stds (tuple): The standard deviations of deltas calculation. Default: (1.0, 1.0, 1.0, 1.0).
|
|
119
119
|
|
|
120
120
|
Inputs:
|
|
121
|
-
- **anchor_box** (Tensor) - Anchor boxes. The shape of anchor_box must be (n, 4)
|
|
121
|
+
- **anchor_box** (Tensor) - Anchor boxes. The shape of anchor_box must be :math:`(n, 4)`.
|
|
122
122
|
- **groundtruth_box** (Tensor) - Ground truth boxes. Which has the same shape with anchor_box.
|
|
123
123
|
|
|
124
124
|
Outputs:
|
|
@@ -153,82 +153,6 @@ class BoundingBoxEncode(PrimitiveWithInfer):
|
|
|
153
153
|
validator.check_equal_int(len(means), 4, "means len", self.name)
|
|
154
154
|
validator.check_equal_int(len(stds), 4, "stds len", self.name)
|
|
155
155
|
|
|
156
|
-
def infer_shape(self, anchor_box, groundtruth_box):
|
|
157
|
-
validator.check('anchor_box shape[0]', anchor_box[0], 'groundtruth_box shape[0]', groundtruth_box[0], Rel.EQ,
|
|
158
|
-
self.name)
|
|
159
|
-
validator.check("anchor_box rank", len(anchor_box), "", 2, Rel.EQ, self.name)
|
|
160
|
-
validator.check("groundtruth_box rank", len(groundtruth_box), "", 2, Rel.EQ, self.name)
|
|
161
|
-
validator.check_equal_int(anchor_box[1], 4, 'anchor_box shape[1]', self.name)
|
|
162
|
-
validator.check_equal_int(groundtruth_box[1], 4, 'groundtruth_box shape[1]', self.name)
|
|
163
|
-
return anchor_box
|
|
164
|
-
|
|
165
|
-
def infer_dtype(self, anchor_box, groundtruth_box):
|
|
166
|
-
args = {"anchor_box": anchor_box, "groundtruth_box": groundtruth_box}
|
|
167
|
-
validator.check_tensors_dtypes_same_and_valid(args, mstype.number_type, self.name)
|
|
168
|
-
return anchor_box
|
|
169
|
-
|
|
170
|
-
|
|
171
|
-
class BartlettWindow(Primitive):
|
|
172
|
-
r"""
|
|
173
|
-
Bartlett window function.
|
|
174
|
-
|
|
175
|
-
The input "window_length" is a tensor that datatype must be a integer, which controlling the returned window size.
|
|
176
|
-
In particular, If "window_length" = 1, the returned window contains a single value 1.
|
|
177
|
-
|
|
178
|
-
Attr "periodic" determines whether the returned window trims off the last duplicate value from the symmetric window
|
|
179
|
-
and is ready to be used as a periodic window with functions. Therefore, if attr "periodic" is true, the "N" in
|
|
180
|
-
formula is in fact "window_length" + 1.
|
|
181
|
-
|
|
182
|
-
.. math::
|
|
183
|
-
|
|
184
|
-
w[n] = 1 - \left| \frac{2n}{N-1} - 1 \right| = \begin{cases}
|
|
185
|
-
\frac{2n}{N - 1} & \text{if } 0 \leq n \leq \frac{N - 1}{2} \\
|
|
186
|
-
2 - \frac{2n}{N - 1} & \text{if } \frac{N - 1}{2} < n < N \\
|
|
187
|
-
\end{cases},
|
|
188
|
-
|
|
189
|
-
\text{where : N is the full window size.}
|
|
190
|
-
|
|
191
|
-
Args:
|
|
192
|
-
periodic(bool): If True, returns a window to be used as periodic function. If False, return a symmetric window.
|
|
193
|
-
Default: True.
|
|
194
|
-
dtype(mindspore.dtype): The desired datatype of returned tensor. Only float16, float32 and float64 is allowed.
|
|
195
|
-
Default: mstype.float32.
|
|
196
|
-
|
|
197
|
-
Inputs:
|
|
198
|
-
- **window_length** (Tensor) - The size of returned window, with data type int32, int64.
|
|
199
|
-
The input data should be an integer with a value of [0, 1000000].
|
|
200
|
-
|
|
201
|
-
Outputs:
|
|
202
|
-
A 1-D tensor of size "window_length" containing the window. Its datatype is set by the attr 'dtype'.
|
|
203
|
-
|
|
204
|
-
Raises:
|
|
205
|
-
TypeError: If "window_length" is not a Tensor.
|
|
206
|
-
TypeError: If the type of "window_length" is not one of: int32, int64.
|
|
207
|
-
TypeError: If "periodic" is not a bool.
|
|
208
|
-
TypeError: If "dtype" is not one of: float16, float32, float64.
|
|
209
|
-
ValueError: If the value range of "window_length" is not [0,1000000].
|
|
210
|
-
ValueError: If the dimension of "window_length" is not 0.
|
|
211
|
-
|
|
212
|
-
Supported Platforms:
|
|
213
|
-
``GPU``
|
|
214
|
-
|
|
215
|
-
Examples:
|
|
216
|
-
>>> window_length = Tensor(5, mstype.int32)
|
|
217
|
-
>>> bartlett_window = ops.BartlettWindow(periodic=True, dtype=mstype.float32)
|
|
218
|
-
>>> output = bartlett_window(window_length)
|
|
219
|
-
>>> print(output)
|
|
220
|
-
[0. 0.4 0.8 0.8 0.4]
|
|
221
|
-
"""
|
|
222
|
-
|
|
223
|
-
@prim_attr_register
|
|
224
|
-
def __init__(self, periodic=True, dtype=mstype.float32):
|
|
225
|
-
"""Initialize BartlettWindow"""
|
|
226
|
-
self.add_prim_attr("max_length", 1000000)
|
|
227
|
-
validator.check_value_type("periodic", periodic, [bool], self.name)
|
|
228
|
-
validator.check_value_type("dtype", dtype, [mstype.Type], self.name)
|
|
229
|
-
valid_values = (mstype.float16, mstype.float32, mstype.float64)
|
|
230
|
-
validator.check_type_name("dtype", dtype, valid_values, self.name)
|
|
231
|
-
|
|
232
156
|
|
|
233
157
|
class BoundingBoxDecode(Primitive):
|
|
234
158
|
"""
|
|
@@ -238,13 +162,13 @@ class BoundingBoxDecode(Primitive):
|
|
|
238
162
|
which is used to mark the target in the subsequent images, etc.
|
|
239
163
|
|
|
240
164
|
Args:
|
|
165
|
+
max_shape (tuple): The max size limit for decoding box calculation.
|
|
241
166
|
means (tuple): The means of deltas calculation. Default: (0.0, 0.0, 0.0, 0.0).
|
|
242
167
|
stds (tuple): The standard deviations of deltas calculation. Default: (1.0, 1.0, 1.0, 1.0).
|
|
243
|
-
max_shape (tuple): The max size limit for decoding box calculation.
|
|
244
168
|
wh_ratio_clip (float): The limit of width and height ratio for decoding box calculation. Default: 0.016.
|
|
245
169
|
|
|
246
170
|
Inputs:
|
|
247
|
-
- **anchor_box** (Tensor) - Anchor boxes. The shape of `anchor_box` must be (n, 4)
|
|
171
|
+
- **anchor_box** (Tensor) - Anchor boxes. The shape of `anchor_box` must be :math:`(n, 4)`.
|
|
248
172
|
- **deltas** (Tensor) - Delta of boxes. Which has the same shape with `anchor_box`.
|
|
249
173
|
|
|
250
174
|
Outputs:
|
|
@@ -289,44 +213,53 @@ class BoundingBoxDecode(Primitive):
|
|
|
289
213
|
|
|
290
214
|
class SampleDistortedBoundingBoxV2(Primitive):
|
|
291
215
|
r"""
|
|
292
|
-
|
|
216
|
+
Creates a single bounding box that is randomly distorted for an image.
|
|
217
|
+
|
|
218
|
+
It is often used for object localization and image recognition tasks.
|
|
219
|
+
In such tasks, bounding box annotations are supplied in addition to ground-truth
|
|
220
|
+
labels, and data augmentation techniques are often used to randomly distort an image
|
|
221
|
+
while preserving its content.
|
|
293
222
|
|
|
294
|
-
|
|
295
|
-
|
|
296
|
-
|
|
297
|
-
|
|
298
|
-
|
|
223
|
+
This function takes the `image_size`, `bounding_boxes`, and
|
|
224
|
+
a series of constraints as input, and outputs a randomly distorted localization of an
|
|
225
|
+
object (i.e., bounding box) based on these inputs.
|
|
226
|
+
|
|
227
|
+
The output is returned as 3 tensors:
|
|
228
|
+
|
|
229
|
+
The output is returned as 3 tensors:
|
|
230
|
+
`begin`, `size` and `bboxes`. The first 2 tensors can be fed directly
|
|
231
|
+
into :class:`mindspore.ops.Slice` to crop the image.
|
|
299
232
|
The latter is the generated distorted bounding box.
|
|
300
233
|
|
|
301
234
|
Args:
|
|
302
|
-
|
|
303
|
-
|
|
304
|
-
|
|
305
|
-
|
|
306
|
-
|
|
307
|
-
|
|
308
|
-
|
|
309
|
-
|
|
310
|
-
|
|
311
|
-
|
|
312
|
-
|
|
313
|
-
|
|
314
|
-
|
|
315
|
-
|
|
316
|
-
|
|
317
|
-
|
|
318
|
-
|
|
235
|
+
seed (int, optional): Random number seed. If either `seed` or `seed2` is set to a non-zero value,
|
|
236
|
+
the seed is to the given value. Otherwise, a random seed is uesed. Default: 0.
|
|
237
|
+
seed2 (int, optional): The second seed to avoid seed collision. Default: 0.
|
|
238
|
+
aspect_ratio_range (Union[list(float), tuple(float)], optional): Specifying the valild range of aspect
|
|
239
|
+
ratio of cropped area. Aspect ratio of area = area_width / area_height. The value of this
|
|
240
|
+
attribute should be positive. Default: (0.75, 1.33).
|
|
241
|
+
area_range (Union[list(float), tuple(float)], optional): The cropped area of the image must contain a
|
|
242
|
+
fraction of the supplied image within this range. The value of this attribute should
|
|
243
|
+
be in range (0.0, 1.0]. Default: (0.05, 1.0).
|
|
244
|
+
max_attempts (int, optional): A poditive integer specifies the number of attempts that will be made to
|
|
245
|
+
generate a cropped region of the image based on the given constraints. If the maximum number of
|
|
246
|
+
attempts is exceeded without success, the function will return the entire original image.
|
|
247
|
+
Default: 100.
|
|
248
|
+
use_image_if_no_bounding_boxes (bool, optional): Controls behavior if no bounding boxes supplied.
|
|
249
|
+
If no bounding boxes supplied (`bounding_boxes` in shape :math:`(0, N, 4)` or :math:`(batch, 0, 4)`), and
|
|
250
|
+
this attribute is set True, then assume an implicit bounding box covering the
|
|
251
|
+
whole input, else if this attribute is set False, then raise an error. Default: False.
|
|
319
252
|
|
|
320
253
|
Inputs:
|
|
321
|
-
- **image_size** (Tensor) - 1-D, containing [height, width, channels]. The value of this input
|
|
322
|
-
positive.
|
|
323
|
-
- **bounding_boxes** (Tensor) - 3-D with shape
|
|
324
|
-
the image. The value of this input tensor should be in range [0.0, 1.0].
|
|
325
|
-
data type is float32.
|
|
326
|
-
- **min_object_covered** (Tensor) - The
|
|
327
|
-
|
|
328
|
-
|
|
329
|
-
|
|
254
|
+
- **image_size** (Tensor) - 1-D Tensor, containing [height, width, channels]. The value of this input
|
|
255
|
+
tensor should be positive.
|
|
256
|
+
- **bounding_boxes** (Tensor) - 3-D Tensor with shape :math:`(batch, N, 4)` describing the N
|
|
257
|
+
bounding boxes associated with the image. The value of this input tensor should be in range [0.0, 1.0].
|
|
258
|
+
The data type is float32.
|
|
259
|
+
- **min_object_covered** (Tensor) - The least fraction of bounding box the croped area need to cover.
|
|
260
|
+
This parameter's value should be between 0.0 and 1.0, inclusive. If the value is 0,
|
|
261
|
+
the cropped area does not need to overlap with any of the supplied bounding boxes.
|
|
262
|
+
The data type is float32.
|
|
330
263
|
|
|
331
264
|
Outputs:
|
|
332
265
|
- **begin** (Tensor) - A 1-D Tensor, containing [offset_height, offset_width, 0]. The data type is same as
|
|
@@ -334,24 +267,21 @@ class SampleDistortedBoundingBoxV2(Primitive):
|
|
|
334
267
|
- **size** (Tensor) - A 1-D Tensor, containing [target_height, target_width, -1]. The data type is same as
|
|
335
268
|
`image_size`. When the data type of `image_size` is uint8, the last value of `size`,
|
|
336
269
|
which is originally -1, will be forced to 255.
|
|
337
|
-
- **bboxes** (Tensor) - A 3-D Tensor with shape
|
|
338
|
-
is float32.
|
|
270
|
+
- **bboxes** (Tensor) - A 3-D Tensor with shape :math:`(1, 1, 4)`, containing
|
|
271
|
+
the distorted bounding box. The data type is float32.
|
|
339
272
|
|
|
340
273
|
Raises:
|
|
341
274
|
TypeError: If `image_size` is not a Tensor.
|
|
342
275
|
TypeError: If `bounding_boxes` is not a Tensor.
|
|
343
276
|
TypeError: If `min_object_covered` is not a Tensor.
|
|
344
|
-
TypeError: If `seed` is not an int.
|
|
345
|
-
TypeError: If `seed2` is not an int.
|
|
277
|
+
TypeError: If `seed` or `seed2` is not an int.
|
|
346
278
|
TypeError: If `aspect_ratio_range` is not a list or a tuple with type float.
|
|
347
279
|
TypeError: If `area_range` is not a list or a tuple with type float.
|
|
348
|
-
TypeError: If `max_attempts` is not an int.
|
|
349
280
|
TypeError: If `use_image_if_no_bounding_boxes` is not a bool.
|
|
350
281
|
ValueError: If the dimension of `image_size` is not 1.
|
|
351
282
|
ValueError: If the elements of `image_size` is not 3.
|
|
352
283
|
ValueError: If the dimension of `bounding_boxes` is not 3.
|
|
353
284
|
ValueError: If the elements of each bounding box in `bounding_boxes` is not 4.
|
|
354
|
-
ValueError: If the dimension of `min_object_covered` is not 1.
|
|
355
285
|
ValueError: If the elements of `min_object_covered` is not 1.
|
|
356
286
|
ValueError: If the elements of `aspect_ratio_range` list or tuple is not 2.
|
|
357
287
|
ValueError: If the values of `aspect_ratio_range` is not positive.
|
|
@@ -359,11 +289,11 @@ class SampleDistortedBoundingBoxV2(Primitive):
|
|
|
359
289
|
ValueError: If the elements of `area_range` list or tuple is not 2.
|
|
360
290
|
ValueError: If the values of `area_range` is out of range (0.0, 1.0].
|
|
361
291
|
ValueError: If the second value of `area_range` is less than or equal to the first one.
|
|
362
|
-
ValueError: If the value of `max_attempts` is not positive.
|
|
292
|
+
ValueError: If the value of `max_attempts` is not positive int.
|
|
363
293
|
ValueError: If `use_image_if_no_bounding_boxes` is False and no bounding boxes supplied.
|
|
364
294
|
RuntimeError: If the values of `image_size` is not positive.
|
|
365
295
|
RuntimeError: If the values of `bounding_boxes` is out of range [0.0, 1.0].
|
|
366
|
-
RuntimeError: If the `bounding_boxes` cannot make up
|
|
296
|
+
RuntimeError: If the `bounding_boxes` cannot make up bounding box.
|
|
367
297
|
RuntimeError: If the value of `min_object_covered` is out of range [0.0, 1.0].
|
|
368
298
|
|
|
369
299
|
Supported Platforms:
|
|
@@ -409,19 +339,17 @@ class CheckValid(Primitive):
|
|
|
409
339
|
"""
|
|
410
340
|
Checks bounding box.
|
|
411
341
|
|
|
412
|
-
Checks whether the bounding
|
|
413
|
-
|
|
414
|
-
.. warning::
|
|
415
|
-
specifying the valid boundary (heights x ratio, weights x ratio).
|
|
342
|
+
Checks whether the bounding boxes specified by `bboxes` is valid.
|
|
343
|
+
Returns True if the box is within borders specified by `img_metas`, False if not.
|
|
416
344
|
|
|
417
345
|
Inputs:
|
|
418
|
-
- **bboxes** (Tensor) - Bounding boxes tensor with shape (N, 4)
|
|
346
|
+
- **bboxes** (Tensor) - Bounding boxes tensor with shape :math:`(N, 4)`. :math:`N` indicates the number of
|
|
419
347
|
bounding boxes, the value "4" indicates "x0", "x1", "y0", and "y1". Data type must be float16 or float32.
|
|
420
|
-
- **img_metas** (Tensor) - Raw image size information with the format of (height, width, ratio)
|
|
421
|
-
the valid boundary(height * ratio, width * ratio)
|
|
348
|
+
- **img_metas** (Tensor) - Raw image size information with the format of :math:`(height, width, ratio)`,
|
|
349
|
+
specifying the valid boundary :math:`(height * ratio, width * ratio)`. Data type must be float16 or float32.
|
|
422
350
|
|
|
423
351
|
Outputs:
|
|
424
|
-
Tensor, with shape of (N,) and dtype of bool, specifying whether the bounding boxes is in the image.
|
|
352
|
+
Tensor, with shape of :math:`(N,)` and dtype of bool, specifying whether the bounding boxes is in the image.
|
|
425
353
|
"True" indicates valid, while "False" indicates invalid.
|
|
426
354
|
|
|
427
355
|
Raises:
|
|
@@ -465,7 +393,7 @@ class IOU(Primitive):
|
|
|
465
393
|
Computes the intersection over union (IOU) or the intersection over foreground (IOF) based on the ground-truth and
|
|
466
394
|
predicted regions.
|
|
467
395
|
|
|
468
|
-
Refer to :func:`mindspore.ops.iou` for more
|
|
396
|
+
Refer to :func:`mindspore.ops.iou` for more details.
|
|
469
397
|
|
|
470
398
|
Supported Platforms:
|
|
471
399
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -503,10 +431,10 @@ class Partial(Primitive):
|
|
|
503
431
|
|
|
504
432
|
Examples:
|
|
505
433
|
>>> from mindspore import Tensor
|
|
506
|
-
>>>
|
|
434
|
+
>>> import mindspore.ops as ops
|
|
507
435
|
>>> def show_input(x, y, z):
|
|
508
436
|
... return x, y, z
|
|
509
|
-
>>> partial =
|
|
437
|
+
>>> partial = ops.Partial()
|
|
510
438
|
>>> partial_show_input = partial(show_input, Tensor(1))
|
|
511
439
|
>>> output1 = partial_show_input(Tensor(2), Tensor(3))
|
|
512
440
|
>>> print(output1)
|
|
@@ -613,98 +541,42 @@ class UpdateState(Primitive):
|
|
|
613
541
|
def __init__(self):
|
|
614
542
|
pass
|
|
615
543
|
|
|
616
|
-
def __call__(self,
|
|
617
|
-
return
|
|
544
|
+
def __call__(self, *args):
|
|
545
|
+
return args[0]
|
|
618
546
|
|
|
619
547
|
|
|
620
|
-
class
|
|
548
|
+
class StopGradient(Primitive):
|
|
621
549
|
"""
|
|
622
|
-
|
|
550
|
+
StopGradient is used for eliminating the effect of a value on the gradient,
|
|
551
|
+
such as truncating the gradient propagation from an output of a function.
|
|
623
552
|
|
|
624
|
-
|
|
625
|
-
prim_to_check (str): The name of the primitive being checked. Default: ''.
|
|
626
|
-
|
|
627
|
-
Inputs:
|
|
628
|
-
- **input_x** (tuple[Tensor]) - The `input_x` contains the outputs of bprop to be checked.
|
|
629
|
-
- **input_y** (tuple[Tensor]) - The `input_y` contains the inputs of bprop to check against.
|
|
630
|
-
|
|
631
|
-
Outputs:
|
|
632
|
-
Tuple[Tensor], the `input_x`,
|
|
633
|
-
if data type and shape of corresponding elements from `input_x` and `input_y` are the same.
|
|
634
|
-
|
|
635
|
-
Raises:
|
|
636
|
-
TypeError: If `input_x` or `input_y` is not a Tensor.
|
|
553
|
+
Refer to :func:`mindspore.ops.stop_gradient` for more details.
|
|
637
554
|
|
|
638
555
|
Supported Platforms:
|
|
639
556
|
``Ascend`` ``GPU`` ``CPU``
|
|
640
557
|
|
|
641
558
|
Examples:
|
|
642
|
-
>>>
|
|
643
|
-
|
|
644
|
-
|
|
645
|
-
|
|
646
|
-
...
|
|
647
|
-
...
|
|
559
|
+
>>> import mindspore.ops as ops
|
|
560
|
+
>>> from mindspore import Tensor
|
|
561
|
+
>>> from mindspore import dtype as mstype
|
|
562
|
+
>>> def net(x, y):
|
|
563
|
+
... out1 = ops.MatMul()(x, y)
|
|
564
|
+
... out2 = ops.MatMul()(x, y)
|
|
565
|
+
... out2 = ops.StopGradient()(out2)
|
|
566
|
+
... return out1, out2
|
|
648
567
|
...
|
|
649
|
-
>>>
|
|
650
|
-
>>>
|
|
651
|
-
>>>
|
|
652
|
-
>>> output =
|
|
568
|
+
>>> x = Tensor([[0.5, 0.6, 0.4], [1.2, 1.3, 1.1]], dtype=mstype.float32)
|
|
569
|
+
>>> y = Tensor([[0.01, 0.3, 1.1], [0.1, 0.2, 1.3], [2.1, 1.2, 3.3]], dtype=mstype.float32)
|
|
570
|
+
>>> grad_fn = ops.grad(net)
|
|
571
|
+
>>> output = grad_fn(x, y)
|
|
653
572
|
>>> print(output)
|
|
654
|
-
|
|
655
|
-
|
|
656
|
-
[ 2.00000000e+00, 2.00000000e+00]]),)
|
|
573
|
+
[[1.4100001 1.6 6.5999994]
|
|
574
|
+
[1.4100001 1.6 6.5999994]]
|
|
657
575
|
"""
|
|
658
576
|
|
|
659
577
|
@prim_attr_register
|
|
660
|
-
def __init__(self
|
|
661
|
-
|
|
662
|
-
self.prim_to_check = prim_to_check
|
|
663
|
-
|
|
664
|
-
def infer_shape(self, xshapes, yshapes):
|
|
665
|
-
tips = f"user defined method 'bprop'"
|
|
666
|
-
validator.check_value_type('grads', xshapes, (tuple,), tips)
|
|
667
|
-
validator.check_value_type('params', yshapes, (tuple,), tips)
|
|
668
|
-
if not len(xshapes) == len(yshapes):
|
|
669
|
-
raise ValueError(f"For {tips} the number of return values(gradients) must be equal to "
|
|
670
|
-
f"the number of input arguments except 'out' and 'dout', "
|
|
671
|
-
f"which is:{len(yshapes)} but got {len(xshapes)}.")
|
|
672
|
-
checking_range = len(yshapes)
|
|
673
|
-
for i in range(checking_range):
|
|
674
|
-
xshape = xshapes[i]
|
|
675
|
-
yshape = yshapes[i]
|
|
676
|
-
if not xshape or not yshape:
|
|
677
|
-
continue
|
|
678
|
-
if xshape != yshape:
|
|
679
|
-
raise ValueError(f"For {tips}, the {i}th return value(gradient of the {i}th argument) "
|
|
680
|
-
f"should have the same shape as the {i}th argument, "
|
|
681
|
-
f"which is:{yshape}, but got: {xshape}.")
|
|
682
|
-
return xshapes
|
|
683
|
-
|
|
684
|
-
def infer_dtype(self, xdtypes, ydtypes):
|
|
685
|
-
tips = f"user defined method 'bprop'"
|
|
686
|
-
validator.check_value_type('grads', xdtypes, (tuple,), tips)
|
|
687
|
-
validator.check_value_type('params', ydtypes, (tuple,), tips)
|
|
688
|
-
if not len(xdtypes) == len(ydtypes):
|
|
689
|
-
raise ValueError(f"For {tips}, the number of return values(gradients) must be equal to "
|
|
690
|
-
f"the number of input arguments except 'out' and 'dout', "
|
|
691
|
-
f"which is:{len(ydtypes)} but got {len(xdtypes)}.")
|
|
692
|
-
checking_range = len(ydtypes)
|
|
693
|
-
for i in range(checking_range):
|
|
694
|
-
xdtype = xdtypes[i]
|
|
695
|
-
ydtype = ydtypes[i]
|
|
696
|
-
if isinstance(xdtype, mstype.anything_type) or isinstance(ydtype, mstype.anything_type):
|
|
697
|
-
continue
|
|
698
|
-
if isinstance(ydtype, mstype.function_type):
|
|
699
|
-
if not isinstance(xdtype, mstype.env_type_type):
|
|
700
|
-
raise TypeError(f"For {tips}, the {i}th return value(gradient of the {i}th argument) type "
|
|
701
|
-
f"should be {mstype.env_type_type}, but got {xdtype}.")
|
|
702
|
-
continue
|
|
703
|
-
if xdtype != ydtype:
|
|
704
|
-
raise TypeError(f"For {tips}, the {i}th return value(gradient of the {i}th argument) "
|
|
705
|
-
f"should have the same dtype as the {i}th argument, "
|
|
706
|
-
f"which is:{ydtype}, but got: {xdtype}.")
|
|
707
|
-
return xdtypes
|
|
578
|
+
def __init__(self):
|
|
579
|
+
pass
|
|
708
580
|
|
|
709
581
|
|
|
710
582
|
class ConfusionMatrix(PrimitiveWithInfer):
|
|
@@ -748,10 +620,10 @@ class ConfusionMatrix(PrimitiveWithInfer):
|
|
|
748
620
|
validator.check_value_type("dtype", dtype, [str], self.name)
|
|
749
621
|
|
|
750
622
|
def infer_shape(self, labels, predictions, weights=None):
|
|
751
|
-
validator.check('labels dimension', len(labels), '', 1,
|
|
752
|
-
validator.check('labels shape', labels, 'predictions shape', predictions,
|
|
623
|
+
validator.check('labels dimension', len(labels), '', 1, validator.EQ, self.name)
|
|
624
|
+
validator.check('labels shape', labels, 'predictions shape', predictions, validator.EQ, self.name)
|
|
753
625
|
if weights is not None:
|
|
754
|
-
validator.check('labels shape', labels, 'weights shape', weights,
|
|
626
|
+
validator.check('labels shape', labels, 'weights shape', weights, validator.EQ, self.name)
|
|
755
627
|
ret = (self.num_classes, self.num_classes)
|
|
756
628
|
return ret
|
|
757
629
|
|
|
@@ -844,6 +716,39 @@ class identity(Primitive):
|
|
|
844
716
|
return x
|
|
845
717
|
|
|
846
718
|
|
|
719
|
+
class PyInterpret(Primitive):
|
|
720
|
+
r"""
|
|
721
|
+
Interpret Python expression.
|
|
722
|
+
"""
|
|
723
|
+
|
|
724
|
+
@prim_attr_register
|
|
725
|
+
def __init__(self):
|
|
726
|
+
super(PyInterpret, self).__init__(self.__class__.__name__)
|
|
727
|
+
self.add_prim_attr('side_effect_io', True)
|
|
728
|
+
|
|
729
|
+
|
|
730
|
+
class PyExecute(PrimitiveWithInfer):
|
|
731
|
+
r"""
|
|
732
|
+
Execute Python expression.
|
|
733
|
+
"""
|
|
734
|
+
|
|
735
|
+
@prim_attr_register
|
|
736
|
+
def __init__(self):
|
|
737
|
+
super(PyExecute, self).__init__(self.__class__.__name__)
|
|
738
|
+
self.add_prim_attr('side_effect_io', True)
|
|
739
|
+
self.add_prim_attr("primitive_target", "CPU")
|
|
740
|
+
|
|
741
|
+
def infer_shape(self, *args):
|
|
742
|
+
logger.error("The function output are empty tuple. Add a placeholder instead. "
|
|
743
|
+
"Do not use it as it could be any uninitialized data.")
|
|
744
|
+
return ((1,),)
|
|
745
|
+
|
|
746
|
+
def infer_dtype(self, *args):
|
|
747
|
+
logger.error("The function output are empty tuple. Add a placeholder instead. "
|
|
748
|
+
"Do not use it as it could be any uninitialized data.")
|
|
749
|
+
return (mstype.int32,)
|
|
750
|
+
|
|
751
|
+
|
|
847
752
|
class PyFunc(PrimitiveWithInfer):
|
|
848
753
|
r"""
|
|
849
754
|
Execute Python function.
|
|
@@ -854,7 +759,7 @@ class PyFunc(PrimitiveWithInfer):
|
|
|
854
759
|
checkpoint and load to the network again, but will lose any Python function state.
|
|
855
760
|
|
|
856
761
|
.. warning::
|
|
857
|
-
This is an experimental
|
|
762
|
+
This is an experimental API that is subject to change or deletion.
|
|
858
763
|
|
|
859
764
|
Args:
|
|
860
765
|
fn (function): Python function which inputs and outputs should be Python built-in scalar or numpy ndarray.
|
|
@@ -903,10 +808,11 @@ class PyFunc(PrimitiveWithInfer):
|
|
|
903
808
|
self.add_prim_attr('out_shapes', out_shapes)
|
|
904
809
|
validator.check_value_type("in_types", in_types, [list, tuple], self.name)
|
|
905
810
|
validator.check_value_type("in_shapes", in_shapes, [list, tuple], self.name)
|
|
906
|
-
validator.check("in_types length", len(in_types), "in_shapes length", len(in_shapes),
|
|
811
|
+
validator.check("in_types length", len(in_types), "in_shapes length", len(in_shapes), validator.EQ, self.name)
|
|
907
812
|
validator.check_value_type("out_types", out_types, [list, tuple], self.name)
|
|
908
813
|
validator.check_value_type("out_shapes", out_shapes, [list, tuple], self.name)
|
|
909
|
-
validator.check("out_types length", len(out_types), "out_shapes length",
|
|
814
|
+
validator.check("out_types length", len(out_types), "out_shapes length",
|
|
815
|
+
len(out_shapes), validator.EQ, self.name)
|
|
910
816
|
self.add_prim_attr("side_effect_io", stateful)
|
|
911
817
|
self.add_prim_attr("primitive_target", "CPU")
|
|
912
818
|
fake_output = False
|
|
@@ -933,63 +839,3 @@ class PyFunc(PrimitiveWithInfer):
|
|
|
933
839
|
logger.warning("The function output are empty tuple. Add a placeholder instead. "
|
|
934
840
|
"Do not use it as it could be any uninitialized data.")
|
|
935
841
|
return (mstype.int32,)
|
|
936
|
-
|
|
937
|
-
|
|
938
|
-
class BlackmanWindow(Primitive):
|
|
939
|
-
r"""
|
|
940
|
-
Blackman window function.
|
|
941
|
-
|
|
942
|
-
The input "window_length" is a tensor that datatype must be a integer, which
|
|
943
|
-
controlling the returned window size. In particular, If "window_length" =1,
|
|
944
|
-
the returned window contains a single value 1.
|
|
945
|
-
Attr "periodic" determines whether the returned window trims off the last duplicate value
|
|
946
|
-
from the symmetric window and is ready to be used as a periodic window with functions.
|
|
947
|
-
Therefore, if attr "periodic" is true, the "N" in formula is in fact "window_length" + 1.
|
|
948
|
-
|
|
949
|
-
.. math::
|
|
950
|
-
|
|
951
|
-
w[n] = 0.42 - 0.5 cos(\frac{2\pi n}{N - 1}) + 0.08 cos(\frac{4\pi n}{N - 1})
|
|
952
|
-
|
|
953
|
-
\text{where : N is the full window size.}
|
|
954
|
-
|
|
955
|
-
Args:
|
|
956
|
-
periodic (bool): If True, returns a window to be used as periodic function.
|
|
957
|
-
If False, return a symmetric window. Default: True.
|
|
958
|
-
dtype (mindspore.dtype): the desired data type of returned tensor. Only float16, float32 and float64 is allowed.
|
|
959
|
-
Default: mindspore.float32.
|
|
960
|
-
|
|
961
|
-
Inputs:
|
|
962
|
-
- **window_length** (Tensor) - the size of returned window, with data type int32, int64.
|
|
963
|
-
The input data should be an integer with a value of [0, 1000000].
|
|
964
|
-
|
|
965
|
-
Outputs:
|
|
966
|
-
A 1-D tensor of size "window_length" containing the window. Its datatype is set by the attr 'dtype'
|
|
967
|
-
Raises:
|
|
968
|
-
TypeError: If "window_length" is not a Tensor.
|
|
969
|
-
TypeError: If "periodic" is not a bool.
|
|
970
|
-
TypeError: If "dtype" is not one of: float16, float32, float64.
|
|
971
|
-
TypeError: If the type of "window_length" is not one of: int32, int64.
|
|
972
|
-
ValueError: If the value range of "window_length" is not [0,1000000].
|
|
973
|
-
ValueError: If the dimension of "window_length" is not 0.
|
|
974
|
-
|
|
975
|
-
Supported Platforms:
|
|
976
|
-
``Ascend`` ``CPU``
|
|
977
|
-
|
|
978
|
-
Examples:
|
|
979
|
-
>>> window_length = Tensor(10, mindspore.int32)
|
|
980
|
-
>>> blackman_window = ops.BlackmanWindow(periodic = True, dtype = mindspore.float32)
|
|
981
|
-
>>> output = blackman_window(window_length)
|
|
982
|
-
>>> print(output)
|
|
983
|
-
[-2.9802322e-08 4.0212840e-02 2.0077014e-01 5.0978714e-01
|
|
984
|
-
8.4922993e-01 1.0000000e+00 8.4922981e-01 5.0978690e-01
|
|
985
|
-
2.0077008e-01 4.0212870e-02]
|
|
986
|
-
"""
|
|
987
|
-
|
|
988
|
-
@prim_attr_register
|
|
989
|
-
def __init__(self, periodic=True, dtype=mstype.float32):
|
|
990
|
-
"""Initialize BlackmanWindow"""
|
|
991
|
-
self.add_prim_attr("max_length", 1000000)
|
|
992
|
-
validator.check_value_type("periodic", periodic, [bool], self.name)
|
|
993
|
-
validator.check_value_type("dtype", dtype, [mstype.Type], self.name)
|
|
994
|
-
valid_values = (mstype.float16, mstype.float32, mstype.float64)
|
|
995
|
-
validator.check_type_name("dtype", dtype, valid_values, self.name)
|