mindspore 2.1.0__cp39-cp39-win_amd64.whl → 2.2.10__cp39-cp39-win_amd64.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/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/__init__.py +4 -1
- mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp39-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -1
- mindspore/_checkparam.py +23 -29
- mindspore/_extends/graph_kernel/__init__.py +0 -1
- mindspore/_extends/graph_kernel/model/graph_split.py +84 -76
- mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
- mindspore/_extends/graph_kernel/splitter.py +4 -11
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +122 -15
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +84 -67
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
- mindspore/_extends/parallel_compile/akg_compiler/util.py +10 -7
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +2 -2
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +6 -5
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
- mindspore/_extends/parse/__init__.py +12 -15
- mindspore/_extends/parse/namespace.py +7 -33
- mindspore/_extends/parse/parser.py +61 -71
- mindspore/_extends/parse/resources.py +1 -1
- mindspore/_extends/parse/standard_method.py +74 -104
- mindspore/_extends/parse/trope.py +1 -1
- mindspore/_extends/remote/kernel_build_server.py +25 -7
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_install_custom.py +43 -0
- mindspore/amp.py +47 -11
- mindspore/atlprov.dll +0 -0
- mindspore/boost/boost.py +1 -8
- mindspore/boost/boost_cell_wrapper.py +3 -2
- mindspore/boost/grad_accumulation.py +1 -1
- mindspore/boost/group_loss_scale_manager.py +8 -7
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +5 -3
- mindspore/common/_jit_fallback_utils.py +6 -0
- mindspore/common/_register_for_adapter.py +2 -0
- mindspore/common/_register_for_tensor.py +2 -2
- mindspore/common/_stub_tensor.py +13 -0
- mindspore/common/_utils.py +13 -0
- mindspore/common/api.py +174 -259
- mindspore/common/auto_dynamic_shape.py +494 -0
- mindspore/common/dtype.py +18 -11
- mindspore/common/dump.py +6 -4
- mindspore/common/initializer.py +14 -14
- mindspore/common/jit_config.py +33 -15
- mindspore/common/lazy_inline.py +126 -7
- mindspore/common/mindir_util.py +101 -0
- mindspore/common/parameter.py +51 -41
- mindspore/common/seed.py +4 -4
- mindspore/common/sparse_tensor.py +13 -14
- mindspore/common/tensor.py +243 -165
- mindspore/communication/__init__.py +7 -4
- mindspore/communication/_comm_helper.py +83 -4
- mindspore/communication/management.py +152 -84
- mindspore/config/op_info.config +14 -3
- mindspore/context.py +152 -61
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +2 -2
- mindspore/dataset/audio/transforms.py +52 -52
- mindspore/dataset/callback/ds_callback.py +16 -2
- mindspore/dataset/core/config.py +68 -51
- mindspore/dataset/engine/cache_client.py +28 -5
- mindspore/dataset/engine/datasets.py +250 -112
- mindspore/dataset/engine/datasets_audio.py +43 -211
- mindspore/dataset/engine/datasets_standard_format.py +16 -35
- mindspore/dataset/engine/datasets_text.py +43 -67
- mindspore/dataset/engine/datasets_user_defined.py +86 -100
- mindspore/dataset/engine/datasets_vision.py +219 -1029
- mindspore/dataset/engine/iterators.py +11 -4
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +4 -0
- mindspore/dataset/engine/obs/util.py +3 -0
- mindspore/dataset/engine/samplers.py +1 -1
- mindspore/dataset/engine/validators.py +19 -5
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +101 -127
- mindspore/dataset/text/utils.py +205 -138
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/py_transforms_util.py +40 -12
- mindspore/dataset/transforms/transforms.py +95 -40
- mindspore/dataset/utils/browse_dataset.py +8 -2
- mindspore/dataset/utils/line_reader.py +17 -19
- mindspore/dataset/vision/__init__.py +3 -3
- mindspore/dataset/vision/c_transforms.py +6 -3
- mindspore/dataset/vision/transforms.py +409 -287
- mindspore/dataset/vision/utils.py +13 -14
- mindspore/dataset/vision/validators.py +11 -1
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/map_parameter.py +14 -0
- mindspore/{nn/optim_ex → experimental/optim}/__init__.py +30 -29
- mindspore/{nn/optim_ex → experimental/optim}/adam.py +60 -67
- mindspore/{nn/optim_ex → experimental/optim}/adamw.py +181 -203
- mindspore/experimental/optim/lr_scheduler.py +1427 -0
- mindspore/{nn/optim_ex → experimental/optim}/optimizer.py +252 -259
- mindspore/{nn/optim_ex → experimental/optim}/sgd.py +147 -152
- mindspore/gen_ops.py +273 -0
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/data_type.h +2 -1
- mindspore/include/api/graph.h +0 -15
- mindspore/include/api/kernel.h +2 -0
- mindspore/include/api/kernel_api.h +37 -12
- mindspore/include/api/model.h +17 -14
- mindspore/include/api/status.h +8 -3
- mindspore/include/api/types.h +37 -4
- mindspore/include/c_api/ms/abstract.h +67 -0
- mindspore/include/c_api/ms/attribute.h +197 -0
- mindspore/include/c_api/ms/base/handle_types.h +43 -0
- mindspore/include/c_api/ms/base/macros.h +32 -0
- mindspore/include/c_api/ms/base/status.h +33 -0
- mindspore/include/c_api/ms/base/types.h +282 -0
- mindspore/include/c_api/ms/context.h +102 -0
- mindspore/include/c_api/ms/graph.h +160 -0
- mindspore/include/c_api/ms/node.h +606 -0
- mindspore/include/c_api/ms/tensor.h +161 -0
- mindspore/include/c_api/ms/value.h +84 -0
- mindspore/include/dataset/constants.h +6 -5
- mindspore/include/dataset/execute.h +23 -13
- mindspore/include/dataset/text.h +26 -26
- mindspore/include/dataset/transforms.h +13 -13
- mindspore/include/dataset/vision.h +60 -60
- mindspore/include/dataset/vision_ascend.h +5 -6
- mindspore/include/dataset/vision_lite.h +17 -17
- mindspore/jpeg62.dll +0 -0
- mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
- mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
- mindspore/mindspore_backend.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/nn/__init__.py +0 -2
- mindspore/nn/cell.py +313 -74
- mindspore/nn/dynamic_lr.py +21 -21
- mindspore/nn/layer/activation.py +22 -30
- mindspore/nn/layer/basic.py +15 -13
- mindspore/nn/layer/channel_shuffle.py +1 -1
- mindspore/nn/layer/container.py +271 -9
- mindspore/nn/layer/conv.py +323 -204
- mindspore/nn/layer/dense.py +8 -5
- mindspore/nn/layer/embedding.py +33 -27
- mindspore/nn/layer/flash_attention.py +141 -88
- mindspore/nn/layer/image.py +8 -6
- mindspore/nn/layer/math.py +16 -25
- mindspore/nn/layer/normalization.py +107 -66
- mindspore/nn/layer/padding.py +1 -1
- mindspore/nn/layer/pooling.py +131 -109
- mindspore/nn/layer/rnn_cells.py +27 -22
- mindspore/nn/layer/rnns.py +13 -16
- mindspore/nn/layer/thor_layer.py +1 -1
- mindspore/nn/layer/transformer.py +221 -154
- mindspore/nn/learning_rate_schedule.py +9 -1
- mindspore/nn/loss/loss.py +235 -174
- mindspore/nn/optim/ada_grad.py +2 -1
- mindspore/nn/optim/adadelta.py +1 -0
- mindspore/nn/optim/adafactor.py +2 -1
- mindspore/nn/optim/adam.py +7 -4
- mindspore/nn/optim/adamax.py +3 -2
- mindspore/nn/optim/adasum.py +2 -2
- mindspore/nn/optim/asgd.py +2 -3
- mindspore/nn/optim/ftrl.py +6 -5
- mindspore/nn/optim/lamb.py +7 -4
- mindspore/nn/optim/lars.py +1 -1
- mindspore/nn/optim/lazyadam.py +5 -3
- mindspore/nn/optim/momentum.py +2 -1
- mindspore/nn/optim/optimizer.py +53 -4
- mindspore/nn/optim/proximal_ada_grad.py +3 -4
- mindspore/nn/optim/rmsprop.py +4 -3
- mindspore/nn/optim/rprop.py +23 -12
- mindspore/nn/optim/sgd.py +26 -11
- mindspore/nn/optim/thor.py +9 -7
- mindspore/nn/probability/bijector/bijector.py +5 -5
- mindspore/nn/probability/bijector/power_transform.py +27 -27
- mindspore/nn/probability/bijector/softplus.py +3 -3
- mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -3
- mindspore/nn/probability/distribution/bernoulli.py +5 -5
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +7 -7
- mindspore/nn/probability/distribution/cauchy.py +0 -1
- mindspore/nn/probability/distribution/distribution.py +3 -3
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +4 -4
- mindspore/nn/probability/distribution/gumbel.py +4 -4
- mindspore/nn/probability/distribution/log_normal.py +2 -2
- mindspore/nn/probability/distribution/logistic.py +2 -2
- mindspore/nn/probability/distribution/poisson.py +4 -4
- mindspore/nn/probability/distribution/transformed_distribution.py +3 -3
- mindspore/nn/probability/distribution/uniform.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +84 -34
- mindspore/nn/wrap/grad_reducer.py +8 -5
- mindspore/nn/wrap/loss_scale.py +105 -42
- mindspore/numpy/array_creations.py +1 -2
- mindspore/numpy/array_ops.py +3 -2
- mindspore/numpy/utils_const.py +5 -5
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/_grad_experimental/__init__.py +0 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +2 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +15 -2
- mindspore/ops/_grad_experimental/grad_debug_ops.py +0 -37
- mindspore/ops/_grad_experimental/grad_implementations.py +11 -1
- mindspore/ops/_grad_experimental/grad_inner_ops.py +2 -216
- mindspore/ops/_grad_experimental/grad_math_ops.py +19 -199
- mindspore/ops/_grad_experimental/grad_sparse.py +15 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +165 -109
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +144 -86
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +172 -187
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +51 -57
- mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +6 -17
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +14 -2
- mindspore/ops/_op_impl/aicpu/add.py +3 -3
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +3 -3
- mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
- mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
- mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
- mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
- mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
- mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
- mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -5
- mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -5
- mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
- mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
- mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
- mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
- mindspore/ops/_op_impl/tbe/__init__.py +4 -4
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +1 -1
- mindspore/ops/_tracefunc.py +45 -13
- mindspore/ops/_utils/utils.py +6 -1
- mindspore/ops/_vmap/vmap_array_ops.py +3 -3
- mindspore/ops/_vmap/vmap_base.py +3 -3
- mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
- mindspore/ops/_vmap/vmap_math_ops.py +5 -2
- mindspore/ops/_vmap/vmap_nn_ops.py +61 -7
- mindspore/ops/arg_dtype_cast.py +54 -0
- mindspore/ops/composite/base.py +37 -10
- mindspore/ops/composite/math_ops.py +5 -4
- mindspore/ops/composite/multitype_ops/_compile_utils.py +275 -73
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +16 -9
- mindspore/ops/composite/multitype_ops/add_impl.py +43 -4
- mindspore/ops/composite/multitype_ops/getitem_impl.py +42 -4
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
- mindspore/ops/deprecated.py +304 -0
- mindspore/ops/function/__init__.py +4 -1
- mindspore/ops/function/array_func.py +174 -193
- mindspore/ops/function/clip_func.py +81 -13
- mindspore/ops/function/debug_func.py +1 -1
- mindspore/ops/function/grad/grad_func.py +18 -9
- mindspore/ops/function/image_func.py +10 -4
- mindspore/ops/function/linalg_func.py +5 -5
- mindspore/ops/function/math_func.py +575 -386
- mindspore/ops/function/nn_func.py +568 -260
- mindspore/ops/function/random_func.py +88 -57
- mindspore/ops/function/sparse_func.py +1 -1
- mindspore/ops/function/sparse_unary_func.py +14 -12
- mindspore/ops/function/vmap_func.py +6 -5
- mindspore/ops/functional.py +15 -10
- mindspore/ops/op_info_register.py +244 -25
- mindspore/ops/operations/__init__.py +28 -19
- mindspore/ops/operations/_grad_ops.py +72 -7
- mindspore/ops/operations/_inner_ops.py +350 -17
- mindspore/ops/operations/_quant_ops.py +4 -8
- mindspore/ops/operations/_sequence_ops.py +42 -0
- mindspore/ops/operations/array_ops.py +68 -282
- mindspore/ops/operations/comm_ops.py +107 -59
- mindspore/ops/operations/custom_ops.py +94 -70
- mindspore/ops/operations/debug_ops.py +8 -4
- mindspore/ops/operations/image_ops.py +18 -12
- mindspore/ops/operations/inner_ops.py +26 -3
- mindspore/ops/operations/math_ops.py +189 -141
- mindspore/ops/operations/nn_ops.py +794 -489
- mindspore/ops/operations/other_ops.py +0 -22
- mindspore/ops/operations/random_ops.py +53 -111
- mindspore/ops/operations/sparse_ops.py +3 -1
- mindspore/ops/primitive.py +24 -18
- mindspore/parallel/_auto_parallel_context.py +68 -8
- mindspore/parallel/_cost_model_context.py +2 -2
- mindspore/parallel/_offload_context.py +17 -3
- mindspore/parallel/_parallel_serialization.py +12 -5
- mindspore/parallel/_ps_context.py +12 -0
- mindspore/parallel/_tensor.py +18 -13
- mindspore/parallel/_transformer/layers.py +5 -3
- mindspore/parallel/_transformer/loss.py +1 -0
- mindspore/parallel/_transformer/moe.py +2 -2
- mindspore/parallel/_transformer/op_parallel_config.py +12 -1
- mindspore/parallel/_transformer/transformer.py +23 -3
- mindspore/parallel/_utils.py +11 -7
- mindspore/parallel/algo_parameter_config.py +85 -5
- mindspore/parallel/checkpoint_transform.py +19 -12
- mindspore/parallel/shard.py +21 -14
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/common/struct_type.py +3 -3
- mindspore/profiler/common/util.py +4 -2
- mindspore/profiler/envprofiling.py +1 -1
- mindspore/profiler/parser/aicpu_data_parser.py +5 -3
- mindspore/profiler/parser/ascend_flops_generator.py +2 -2
- mindspore/profiler/parser/ascend_fpbp_generator.py +1 -1
- mindspore/profiler/parser/ascend_hccl_generator.py +249 -12
- mindspore/profiler/parser/ascend_msprof_exporter.py +150 -255
- mindspore/profiler/parser/ascend_msprof_generator.py +204 -17
- mindspore/profiler/parser/ascend_op_generator.py +6 -6
- mindspore/profiler/parser/ascend_steptrace_generator.py +6 -4
- mindspore/profiler/parser/ascend_timeline_generator.py +14 -187
- mindspore/profiler/parser/base_timeline_generator.py +10 -8
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +16 -12
- mindspore/profiler/parser/flops_parser.py +15 -11
- mindspore/profiler/parser/framework_parser.py +38 -22
- mindspore/profiler/parser/hccl_parser.py +16 -12
- mindspore/profiler/parser/integrator.py +22 -11
- mindspore/profiler/parser/memory_usage_parser.py +2 -2
- mindspore/profiler/parser/minddata_analyzer.py +12 -14
- mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
- mindspore/profiler/parser/msadvisor_parser.py +8 -4
- mindspore/profiler/parser/op_intermediate_parser.py +5 -2
- mindspore/profiler/parser/optime_parser.py +1 -1
- mindspore/profiler/parser/profiler_info.py +21 -2
- mindspore/profiler/parser/step_trace_parser.py +11 -14
- mindspore/profiler/profiling.py +179 -89
- mindspore/rewrite/api/node.py +102 -19
- mindspore/rewrite/api/node_type.py +5 -1
- mindspore/rewrite/api/pattern_engine.py +1 -1
- mindspore/rewrite/api/scoped_value.py +9 -17
- mindspore/rewrite/api/symbol_tree.py +131 -47
- mindspore/rewrite/ast_helpers/__init__.py +2 -1
- mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +93 -46
- mindspore/rewrite/common/rewrite_elog.py +5 -1
- mindspore/rewrite/namer.py +33 -24
- mindspore/rewrite/namespace.py +14 -5
- mindspore/{_extends/graph_kernel/expanders/complex → rewrite/node}/__init__.py +9 -9
- mindspore/rewrite/node/call_function.py +79 -0
- mindspore/rewrite/node/cell_container.py +135 -0
- mindspore/rewrite/node/control_flow.py +88 -0
- mindspore/rewrite/{node.py → node/node.py} +273 -234
- mindspore/rewrite/node/node_manager.py +254 -0
- mindspore/rewrite/{topological_manager.py → node/node_topological_manager.py} +13 -46
- mindspore/rewrite/parsers/arguments_parser.py +22 -21
- mindspore/rewrite/parsers/assign_parser.py +216 -221
- mindspore/rewrite/parsers/attribute_parser.py +9 -7
- mindspore/rewrite/parsers/class_def_parser.py +174 -113
- mindspore/rewrite/parsers/constant_parser.py +9 -6
- mindspore/rewrite/parsers/container_parser.py +9 -7
- mindspore/rewrite/parsers/for_parser.py +36 -15
- mindspore/rewrite/parsers/function_def_parser.py +24 -16
- mindspore/rewrite/parsers/if_parser.py +28 -24
- mindspore/rewrite/parsers/module_parser.py +196 -25
- mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
- mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
- mindspore/rewrite/parsers/return_parser.py +6 -6
- mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
- mindspore/rewrite/sparsify/utils.py +1 -1
- mindspore/rewrite/symbol_tree.py +523 -578
- mindspore/rewrite/symbol_tree_builder.py +9 -193
- mindspore/rewrite/symbol_tree_dumper.py +2 -2
- mindspore/run_check/_check_version.py +6 -4
- mindspore/{ops/bprop_mindir → safeguard}/__init__.py +4 -3
- mindspore/safeguard/rewrite_obfuscation.py +541 -0
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/_utils.py +7 -3
- mindspore/train/amp.py +323 -123
- mindspore/train/anf_ir_pb2.py +14 -2
- mindspore/train/callback/_backup_and_restore.py +2 -12
- mindspore/train/callback/_callback.py +29 -4
- mindspore/train/callback/_checkpoint.py +23 -8
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_landscape.py +4 -4
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +3 -4
- mindspore/train/callback/_summary_collector.py +15 -8
- mindspore/train/callback/_time_monitor.py +58 -5
- mindspore/train/data_sink.py +5 -11
- mindspore/train/dataset_helper.py +84 -57
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/__init__.py +3 -3
- mindspore/train/metrics/cosine_similarity.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +3 -2
- mindspore/train/metrics/mean_surface_distance.py +3 -2
- mindspore/train/metrics/metric.py +39 -19
- mindspore/train/metrics/roc.py +2 -2
- mindspore/train/metrics/root_mean_square_surface_distance.py +4 -3
- mindspore/train/mind_ir_pb2.py +85 -36
- mindspore/train/model.py +187 -47
- mindspore/train/serialization.py +487 -161
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/_writer_pool.py +3 -2
- mindspore/train/summary/summary_record.py +37 -17
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/train/train_thor/dataset_helper.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/METADATA +5 -3
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/RECORD +433 -479
- mindspore/_extends/graph_kernel/expander.py +0 -80
- mindspore/_extends/graph_kernel/expanders/__init__.py +0 -54
- mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
- mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
- mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
- mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
- mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
- mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
- mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
- mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
- mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
- mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
- mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
- mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
- mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
- mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
- mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
- mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
- mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
- mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
- mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
- mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
- mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
- mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
- mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
- mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
- mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
- mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
- mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
- mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
- mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
- mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
- mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
- mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
- mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
- mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
- mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
- mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
- mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
- mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
- mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
- mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
- mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
- mindspore/dataset/datapreprocess/__init__.py +0 -20
- mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
- mindspore/include/api/net.h +0 -142
- mindspore/nn/lr_scheduler.py +0 -262
- mindspore/ops/_grad_experimental/grad_image_ops.py +0 -248
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -181
- mindspore/ops/_grad_experimental/grad_other_ops.py +0 -72
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
- mindspore/ops/_grad_experimental/grad_sequence_ops.py +0 -351
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
- mindspore/rewrite/node_visitor.py +0 -44
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/WHEEL +0 -0
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/entry_points.txt +0 -0
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/top_level.txt +0 -0
|
@@ -25,7 +25,6 @@ from mindspore.ops import signature as sig
|
|
|
25
25
|
from mindspore import _checkparam as validator
|
|
26
26
|
from mindspore.common import dtype as mstype
|
|
27
27
|
from mindspore.common.tensor import Tensor
|
|
28
|
-
from mindspore.common._decorator import deprecated
|
|
29
28
|
from mindspore.ops._utils import get_broadcast_shape
|
|
30
29
|
from mindspore.ops.primitive import Primitive, PrimitiveWithInfer, PrimitiveWithCheck, prim_attr_register, _run_op
|
|
31
30
|
from mindspore._c_expression import Tensor as Tensor_
|
|
@@ -92,6 +91,9 @@ class _MathBinaryOp(_BinaryOp):
|
|
|
92
91
|
args_type = {"x": x_dtype, "y": y_dtype}
|
|
93
92
|
complex_types = [mstype.TensorType(mstype.complex64), mstype.TensorType(mstype.complex128)]
|
|
94
93
|
if x_dtype in complex_types or y_dtype in complex_types:
|
|
94
|
+
if (not isinstance(x_dtype, type(mstype.tensor_type))) or \
|
|
95
|
+
(not isinstance(y_dtype, type(mstype.tensor_type))):
|
|
96
|
+
raise TypeError('Only Tensor type support Complex')
|
|
95
97
|
type_infer_dict = {
|
|
96
98
|
(mstype.complex64, mstype.complex64): mstype.TensorType(mstype.complex64),
|
|
97
99
|
(mstype.complex64, mstype.float32): mstype.TensorType(mstype.complex64),
|
|
@@ -195,12 +197,13 @@ class Add(_MathBinaryOp):
|
|
|
195
197
|
[True, Tensor(True, bool\_), Tensor(np.array([True]), bool\_)] are all considered bool type.
|
|
196
198
|
- The two inputs comply with the implicit type conversion rules to make the data types
|
|
197
199
|
consistent.
|
|
200
|
+
- When input is Tensor, it's dimension should be greater than or equal to 1.
|
|
198
201
|
|
|
199
202
|
Inputs:
|
|
200
203
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
201
204
|
a bool or a tensor whose data type is
|
|
202
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
203
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
205
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
206
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
204
207
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
205
208
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
|
|
206
209
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
|
|
@@ -437,28 +440,6 @@ class AddV2(Primitive):
|
|
|
437
440
|
self.init_prim_io_names(inputs=['x', 'y'], outputs=['output'])
|
|
438
441
|
|
|
439
442
|
|
|
440
|
-
class TensorAdd(_MathBinaryOp):
|
|
441
|
-
"""
|
|
442
|
-
Same as operator Add. TensorAdd will be deprecated in the future.
|
|
443
|
-
Please use Add instead.
|
|
444
|
-
"""
|
|
445
|
-
|
|
446
|
-
@deprecated("1.1", "Add", True)
|
|
447
|
-
@prim_attr_register
|
|
448
|
-
def __init__(self):
|
|
449
|
-
"""Initialize TensorAdd."""
|
|
450
|
-
_MathBinaryOp.__init__(self)
|
|
451
|
-
|
|
452
|
-
def infer_value(self, x, y):
|
|
453
|
-
if x is not None and y is not None:
|
|
454
|
-
x = x.asnumpy()
|
|
455
|
-
y = y.asnumpy()
|
|
456
|
-
out = x + y
|
|
457
|
-
out = np.array(out, x.dtype)
|
|
458
|
-
return Tensor(out)
|
|
459
|
-
return None
|
|
460
|
-
|
|
461
|
-
|
|
462
443
|
class AssignAdd(Primitive):
|
|
463
444
|
"""
|
|
464
445
|
Updates a `Parameter` by adding a value to it.
|
|
@@ -1365,7 +1346,8 @@ class CumProd(Primitive):
|
|
|
1365
1346
|
reverse (bool): If ``True`` , reverse the result along axis. Default: ``False`` .
|
|
1366
1347
|
|
|
1367
1348
|
Inputs:
|
|
1368
|
-
- **x** (Tensor[Number]) - The input
|
|
1349
|
+
- **x** (Tensor[Number]) - The input Tensor with shape
|
|
1350
|
+
:math:`(N, *)` where :math:`*` means any number of additional dimensions.
|
|
1369
1351
|
- **axis** (int) - The dimensions to compute the cumulative product.
|
|
1370
1352
|
Only constant value is allowed.
|
|
1371
1353
|
|
|
@@ -1554,9 +1536,8 @@ class LpNorm(Primitive):
|
|
|
1554
1536
|
"""
|
|
1555
1537
|
|
|
1556
1538
|
@prim_attr_register
|
|
1557
|
-
def __init__(self, axis, p=2, keep_dims=False, epsilon=1e-12):
|
|
1539
|
+
def __init__(self, axis=(), p=2, keep_dims=False, epsilon=1e-12):
|
|
1558
1540
|
"""Initialize LpNorm"""
|
|
1559
|
-
super().__init__("LpNorm")
|
|
1560
1541
|
validator.check_value_type("p", p, [int], self.name)
|
|
1561
1542
|
validator.check_value_type("axis", axis, [int, tuple, list], self.name)
|
|
1562
1543
|
validator.check_value_type("keep_dims", keep_dims, [bool], self.name)
|
|
@@ -1767,7 +1748,8 @@ class CumSum(Primitive):
|
|
|
1767
1748
|
reverse (bool): If ``True`` , perform inverse cumulative sum. Default: ``False`` .
|
|
1768
1749
|
|
|
1769
1750
|
Inputs:
|
|
1770
|
-
- **input** (Tensor) - The input
|
|
1751
|
+
- **input** (Tensor) - The input Tensor with shape
|
|
1752
|
+
:math:`(N, *)` where :math:`*` means any number of additional dimensions.
|
|
1771
1753
|
- **axis** (int) - The axis to accumulate the tensor's value. Only constant value is allowed.
|
|
1772
1754
|
Must be in the range [-rank(input), rank(input)).
|
|
1773
1755
|
|
|
@@ -2013,27 +1995,6 @@ class InplaceUpdateV2(Primitive):
|
|
|
2013
1995
|
return output
|
|
2014
1996
|
|
|
2015
1997
|
|
|
2016
|
-
class InplaceUpdate(Primitive):
|
|
2017
|
-
r"""
|
|
2018
|
-
The InplaceUpdate interface is deprecated. Please use the :class:`mindspore.ops.InplaceUpdateV2` instead.
|
|
2019
|
-
|
|
2020
|
-
Supported Platforms:
|
|
2021
|
-
Deprecated
|
|
2022
|
-
"""
|
|
2023
|
-
|
|
2024
|
-
@deprecated("2.0", "ops.InplaceUpdateV2", False)
|
|
2025
|
-
@prim_attr_register
|
|
2026
|
-
def __init__(self, indices):
|
|
2027
|
-
"""Initialize InplaceUpdate"""
|
|
2028
|
-
self.init_prim_io_names(inputs=['x', 'v'], outputs=['y'])
|
|
2029
|
-
self.indices = indices
|
|
2030
|
-
validator.check_value_type("indices", indices, [int, tuple], self.name)
|
|
2031
|
-
if isinstance(indices, int):
|
|
2032
|
-
self.indices = (indices,)
|
|
2033
|
-
for item in self.indices:
|
|
2034
|
-
validator.check_value_type("item of indices", item, [int], self.name)
|
|
2035
|
-
|
|
2036
|
-
|
|
2037
1998
|
class InplaceAdd(Primitive):
|
|
2038
1999
|
"""
|
|
2039
2000
|
Adds `v` into specified rows of `x`. Computes `y` = `x`; y[i,] += `v`.
|
|
@@ -2206,8 +2167,8 @@ class Sub(_MathBinaryOp):
|
|
|
2206
2167
|
Inputs:
|
|
2207
2168
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
2208
2169
|
a bool or a tensor whose data type is
|
|
2209
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
2210
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
2170
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
2171
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
2211
2172
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
2212
2173
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
|
|
2213
2174
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
|
|
@@ -2258,8 +2219,8 @@ class Mul(_MathBinaryOp):
|
|
|
2258
2219
|
Inputs:
|
|
2259
2220
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
2260
2221
|
a bool or a tensor whose data type is
|
|
2261
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
2262
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
2222
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
2223
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
2263
2224
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
2264
2225
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
|
|
2265
2226
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
|
|
@@ -2532,6 +2493,7 @@ class Reciprocal(PrimitiveWithCheck):
|
|
|
2532
2493
|
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
2533
2494
|
|
|
2534
2495
|
def infer_value(self, x):
|
|
2496
|
+
"""Infer value for Reciprocal"""
|
|
2535
2497
|
if x is not None:
|
|
2536
2498
|
x = x.asnumpy()
|
|
2537
2499
|
out = 1.0 / x
|
|
@@ -2549,8 +2511,8 @@ class Pow(Primitive):
|
|
|
2549
2511
|
Inputs:
|
|
2550
2512
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
2551
2513
|
a bool or a tensor whose data type is
|
|
2552
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
2553
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
2514
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
2515
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
2554
2516
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
2555
2517
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
|
|
2556
2518
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
|
|
@@ -2589,6 +2551,7 @@ class Pow(Primitive):
|
|
|
2589
2551
|
self.init_prim_io_names(inputs=['x1', 'x2'], outputs=['y'])
|
|
2590
2552
|
|
|
2591
2553
|
def infer_value(self, x, power):
|
|
2554
|
+
"""infer value for _BinaryOp"""
|
|
2592
2555
|
if x is not None and power is not None:
|
|
2593
2556
|
x = x.asnumpy()
|
|
2594
2557
|
power = power.asnumpy()
|
|
@@ -2832,7 +2795,6 @@ class Einsum(Primitive):
|
|
|
2832
2795
|
seg_equation = equation.split("->")
|
|
2833
2796
|
if len(seg_equation) > 2:
|
|
2834
2797
|
raise TypeError("the equation can contain only one arrow !")
|
|
2835
|
-
self.add_prim_attr('equation', equation)
|
|
2836
2798
|
self.init_prim_io_names(inputs=['inputs'], outputs=['output'])
|
|
2837
2799
|
|
|
2838
2800
|
|
|
@@ -2970,7 +2932,7 @@ class Histogram(Primitive):
|
|
|
2970
2932
|
"""
|
|
2971
2933
|
|
|
2972
2934
|
@prim_attr_register
|
|
2973
|
-
def __init__(self, bins=100, min=0.0, max=0.0):
|
|
2935
|
+
def __init__(self, bins=100, min=0.0, max=0.0):
|
|
2974
2936
|
"""Initialize Histogram."""
|
|
2975
2937
|
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
2976
2938
|
validator.check_value_type("bins", bins, [int], self.name)
|
|
@@ -3197,8 +3159,10 @@ class Erf(Primitive):
|
|
|
3197
3159
|
Refer to :func:`mindspore.ops.erf` for more details.
|
|
3198
3160
|
|
|
3199
3161
|
Inputs:
|
|
3200
|
-
- **x** (Tensor) - Input Tensor of Gaussian error function.
|
|
3201
|
-
|
|
3162
|
+
- **x** (Tensor) - Input Tensor of Gaussian error function. Supported dtypes:
|
|
3163
|
+
|
|
3164
|
+
- Ascend: float16, float32.
|
|
3165
|
+
- GPU/CPU: float16, float32, float64.
|
|
3202
3166
|
|
|
3203
3167
|
Outputs:
|
|
3204
3168
|
Tensor, has the same shape and dtype as the `x`.
|
|
@@ -3230,7 +3194,10 @@ class Erfc(Primitive):
|
|
|
3230
3194
|
Refer to :func:`mindspore.ops.erfc` for more details.
|
|
3231
3195
|
|
|
3232
3196
|
Inputs:
|
|
3233
|
-
- **x** (Tensor) - The input tensor
|
|
3197
|
+
- **x** (Tensor) - The input tensor. Supported dtypes:
|
|
3198
|
+
|
|
3199
|
+
- Ascend: float16, float32.
|
|
3200
|
+
- GPU/CPU: float16, float32, float64.
|
|
3234
3201
|
|
|
3235
3202
|
Outputs:
|
|
3236
3203
|
Tensor, has the same shape and dtype as `x`.
|
|
@@ -3400,8 +3367,8 @@ class Div(_MathBinaryOp):
|
|
|
3400
3367
|
Inputs:
|
|
3401
3368
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
3402
3369
|
a bool or a tensor whose data type is
|
|
3403
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
3404
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
3370
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
3371
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
3405
3372
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
3406
3373
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
|
|
3407
3374
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
|
|
@@ -3491,8 +3458,8 @@ class DivNoNan(Primitive):
|
|
|
3491
3458
|
Inputs:
|
|
3492
3459
|
- **x1** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
3493
3460
|
a bool or a tensor whose data type is
|
|
3494
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
3495
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
3461
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
3462
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
3496
3463
|
- **x2** (Union[Tensor, number.Number, bool]) - The second input is a number.Number or
|
|
3497
3464
|
a bool when the first input is a bool or a tensor whose data type is number or bool\_.
|
|
3498
3465
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
|
|
@@ -3815,8 +3782,10 @@ class Floor(Primitive):
|
|
|
3815
3782
|
Refer to :func:`mindspore.ops.floor` for more details.
|
|
3816
3783
|
|
|
3817
3784
|
Inputs:
|
|
3818
|
-
- **x** (Tensor) - The input tensor
|
|
3819
|
-
|
|
3785
|
+
- **x** (Tensor) - The input tensor. Supported dtypes:
|
|
3786
|
+
|
|
3787
|
+
- Ascend: float16, float32.
|
|
3788
|
+
- GPU/CPU: float16, float32, float64.
|
|
3820
3789
|
|
|
3821
3790
|
Outputs:
|
|
3822
3791
|
Tensor, has the same shape as `x`.
|
|
@@ -4020,8 +3989,8 @@ class Xlogy(Primitive):
|
|
|
4020
3989
|
Inputs:
|
|
4021
3990
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
4022
3991
|
a bool or a tensor whose data type is
|
|
4023
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
4024
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
3992
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
3993
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
4025
3994
|
- **y** (Union[Tensor, number.Number, bool]) - The second input is a number.Number or
|
|
4026
3995
|
a bool when the first input is a tensor or a tensor whose data type is number or bool\_.
|
|
4027
3996
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
|
|
@@ -4469,8 +4438,8 @@ class Greater(PrimitiveWithCheck):
|
|
|
4469
4438
|
Inputs:
|
|
4470
4439
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
4471
4440
|
a bool or a tensor whose data type is
|
|
4472
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
4473
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
4441
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
4442
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ .
|
|
4474
4443
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
4475
4444
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
|
|
4476
4445
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
|
|
@@ -4685,8 +4654,8 @@ class LessEqual(PrimitiveWithCheck):
|
|
|
4685
4654
|
Inputs:
|
|
4686
4655
|
- **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
|
|
4687
4656
|
a bool or a tensor whose data type is
|
|
4688
|
-
`number <https://www.mindspore.cn/docs/en/r2.
|
|
4689
|
-
`bool_ <https://www.mindspore.cn/docs/en/r2.
|
|
4657
|
+
`number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
4658
|
+
`bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
|
|
4690
4659
|
- **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
|
|
4691
4660
|
the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
|
|
4692
4661
|
When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
|
|
@@ -5405,7 +5374,8 @@ class ACos(Primitive):
|
|
|
5405
5374
|
Refer to :func:`mindspore.ops.acos` for more details.
|
|
5406
5375
|
|
|
5407
5376
|
Inputs:
|
|
5408
|
-
- **x** (Tensor) - The
|
|
5377
|
+
- **x** (Tensor) - The shape of tensor is
|
|
5378
|
+
:math:`(N,*)` where :math:`*` means, any number of additional dimensions.
|
|
5409
5379
|
|
|
5410
5380
|
Outputs:
|
|
5411
5381
|
Tensor, has the same shape and dtype as `x`.
|
|
@@ -5422,10 +5392,6 @@ class ACos(Primitive):
|
|
|
5422
5392
|
>>> output = acos(x)
|
|
5423
5393
|
>>> print(output)
|
|
5424
5394
|
[0.737726 1.5307857 1.2661036 0.9764105]
|
|
5425
|
-
>>> x = Tensor(0.5)
|
|
5426
|
-
>>> output = acos(x)
|
|
5427
|
-
>>> print(output)
|
|
5428
|
-
1.0471978
|
|
5429
5395
|
"""
|
|
5430
5396
|
|
|
5431
5397
|
@prim_attr_register
|
|
@@ -5469,7 +5435,8 @@ class Asin(Primitive):
|
|
|
5469
5435
|
Complex64 and complex128 are not supported on Ascend currently.
|
|
5470
5436
|
|
|
5471
5437
|
Inputs:
|
|
5472
|
-
- **x** (Tensor) - The
|
|
5438
|
+
- **x** (Tensor) - The shape of tensor is
|
|
5439
|
+
:math:`(N,*)` where :math:`*` means, any number of additional dimensions.
|
|
5473
5440
|
|
|
5474
5441
|
Outputs:
|
|
5475
5442
|
Tensor, has the same shape and dtype as `x`.
|
|
@@ -5486,10 +5453,6 @@ class Asin(Primitive):
|
|
|
5486
5453
|
>>> output = asin(x)
|
|
5487
5454
|
>>> print(output)
|
|
5488
5455
|
[0.8330704 0.04001067 0.30469266 0.5943858 ]
|
|
5489
|
-
>>> x = Tensor(0.12)
|
|
5490
|
-
>>> output = asin(x)
|
|
5491
|
-
>>> print(output)
|
|
5492
|
-
0.12028988
|
|
5493
5456
|
"""
|
|
5494
5457
|
|
|
5495
5458
|
@prim_attr_register
|
|
@@ -5565,7 +5528,6 @@ class NMSWithMask(PrimitiveWithInfer):
|
|
|
5565
5528
|
"""Initialize NMSWithMask"""
|
|
5566
5529
|
validator.check_value_type("iou_threshold", iou_threshold, [float], self.name)
|
|
5567
5530
|
self.init_prim_io_names(inputs=['bboxes'], outputs=['selected_boxes', 'selected_idx', 'selected_mask'])
|
|
5568
|
-
self.is_ge = context.get_context("enable_ge")
|
|
5569
5531
|
|
|
5570
5532
|
def infer_shape(self, bboxes_shape):
|
|
5571
5533
|
cls_name = self.name
|
|
@@ -5728,7 +5690,7 @@ class Atan(Primitive):
|
|
|
5728
5690
|
- **x** (Tensor): The input Tensor. Supported dtypes:
|
|
5729
5691
|
|
|
5730
5692
|
- Ascend: float16, float32.
|
|
5731
|
-
- GPU/CPU: float16, float32, float64
|
|
5693
|
+
- GPU/CPU: float16, float32, float64.
|
|
5732
5694
|
|
|
5733
5695
|
Outputs:
|
|
5734
5696
|
A Tensor, has the same type as the input.
|
|
@@ -5792,8 +5754,9 @@ class Atan2(_MathBinaryOp):
|
|
|
5792
5754
|
Refer to :func:`mindspore.ops.atan2` for more details.
|
|
5793
5755
|
|
|
5794
5756
|
Inputs:
|
|
5795
|
-
- **x** (Tensor
|
|
5796
|
-
|
|
5757
|
+
- **x** (Tensor) - The input tensor with shape
|
|
5758
|
+
:math:`(N,*)` where :math:`*` means, any number of additional dimensions.
|
|
5759
|
+
- **y** (Tensor) - The input tensor. It has the same shape with `x` or
|
|
5797
5760
|
its shape is able to broadcast with `x`.
|
|
5798
5761
|
|
|
5799
5762
|
Outputs:
|
|
@@ -5959,8 +5922,18 @@ class BitwiseXor(_BitwiseBinaryOp):
|
|
|
5959
5922
|
|
|
5960
5923
|
|
|
5961
5924
|
class BesselI0(Primitive):
|
|
5962
|
-
"""
|
|
5963
|
-
Computes
|
|
5925
|
+
r"""
|
|
5926
|
+
Computes modified Bessel function of the first kind, order 0 element-wise.
|
|
5927
|
+
|
|
5928
|
+
The formula is defined as:
|
|
5929
|
+
|
|
5930
|
+
.. math::
|
|
5931
|
+
\begin{array}{ll} \\
|
|
5932
|
+
I_{0}(x)=J_{0}(\mathrm{i} x)=\sum_{m=0}^{\infty}
|
|
5933
|
+
\frac{x^{2 m}}{2^{2 m} (m !)^{2}}
|
|
5934
|
+
\end{array}
|
|
5935
|
+
|
|
5936
|
+
where :math:`J_{0}` is Bessel function of the first kind, order 0.
|
|
5964
5937
|
|
|
5965
5938
|
.. warning::
|
|
5966
5939
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -5994,8 +5967,18 @@ class BesselI0(Primitive):
|
|
|
5994
5967
|
|
|
5995
5968
|
|
|
5996
5969
|
class BesselI1(Primitive):
|
|
5997
|
-
"""
|
|
5998
|
-
Computes
|
|
5970
|
+
r"""
|
|
5971
|
+
Computes modified Bessel function of the first kind, order 1 element-wise.
|
|
5972
|
+
|
|
5973
|
+
The formula is defined as:
|
|
5974
|
+
|
|
5975
|
+
.. math::
|
|
5976
|
+
\begin{array}{ll} \\
|
|
5977
|
+
I_{1}(x)=\mathrm{i}^{-1} J_{1}(\mathrm{i} x)=\sum_{m=0}^
|
|
5978
|
+
{\infty} \frac{x^{2m+1}}{2^{2m+1} m ! (m+1) !}
|
|
5979
|
+
\end{array}
|
|
5980
|
+
|
|
5981
|
+
where :math:`J_{1}` is Bessel function of the first kind, order 1.
|
|
5999
5982
|
|
|
6000
5983
|
.. warning::
|
|
6001
5984
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6030,14 +6013,17 @@ class BesselI1(Primitive):
|
|
|
6030
6013
|
|
|
6031
6014
|
class BesselI0e(Primitive):
|
|
6032
6015
|
r"""
|
|
6033
|
-
Computes
|
|
6016
|
+
Computes exponential scaled modified Bessel function of the first kind, order 0 element-wise.
|
|
6034
6017
|
|
|
6035
6018
|
The formula is defined as:
|
|
6036
6019
|
|
|
6037
6020
|
.. math::
|
|
6038
|
-
|
|
6021
|
+
\begin{array}{ll} \\
|
|
6022
|
+
\text I_{0}e(x)=e^{(-|x|)} * I_{0}(x)=e^{(-|x|)} * \sum_{m=0}^
|
|
6023
|
+
{\infty} \frac{x^{2 m}}{2^{2 m} (m !)^{2}}
|
|
6024
|
+
\end{array}
|
|
6039
6025
|
|
|
6040
|
-
where
|
|
6026
|
+
where :math:`I_{0}` is modified Bessel function of the first kind, order 0.
|
|
6041
6027
|
|
|
6042
6028
|
Inputs:
|
|
6043
6029
|
- **x** (Tensor) - The input tensor.
|
|
@@ -6072,14 +6058,17 @@ class BesselI0e(Primitive):
|
|
|
6072
6058
|
|
|
6073
6059
|
class BesselI1e(Primitive):
|
|
6074
6060
|
r"""
|
|
6075
|
-
Computes
|
|
6061
|
+
Computes exponential scaled modified Bessel function of the first kind, order 1 element-wise.
|
|
6076
6062
|
|
|
6077
6063
|
The formula is defined as:
|
|
6078
6064
|
|
|
6079
6065
|
.. math::
|
|
6080
|
-
|
|
6066
|
+
\begin{array}{ll} \\
|
|
6067
|
+
\text I_{1}e(x)=e^{(-|x|)} * I_{1}(x)=e^{(-|x|)} * \sum_{m=0}^
|
|
6068
|
+
{\infty} \frac{x^{2m+1}}{2^{2m+1} m ! (m+1) !}
|
|
6069
|
+
\end{array}
|
|
6081
6070
|
|
|
6082
|
-
where
|
|
6071
|
+
where :math:`I_{1}` is modified Bessel function of the first kind, order 1.
|
|
6083
6072
|
|
|
6084
6073
|
Inputs:
|
|
6085
6074
|
- **x** (Tensor) - The input tensor.
|
|
@@ -6114,7 +6103,17 @@ class BesselI1e(Primitive):
|
|
|
6114
6103
|
|
|
6115
6104
|
class BesselK0(Primitive):
|
|
6116
6105
|
r"""
|
|
6117
|
-
Computes
|
|
6106
|
+
Computes modified Bessel function of the second kind, order 0 element-wise.
|
|
6107
|
+
|
|
6108
|
+
The formula is defined as:
|
|
6109
|
+
|
|
6110
|
+
.. math::
|
|
6111
|
+
\begin{array}{ll} \\
|
|
6112
|
+
K_{0}(x)= \lim_{\nu \to 0} \left(\frac{\pi}{2}\right) \frac
|
|
6113
|
+
{I_{-\nu}(x)-I_{\nu}(x)}{\sin (\nu \pi)} = \int_{0}^{\infty} e^{-x \cosh t} d t
|
|
6114
|
+
\end{array}
|
|
6115
|
+
|
|
6116
|
+
where :math:`I_{0}` is modified Bessel function of the first kind, order 0.
|
|
6118
6117
|
|
|
6119
6118
|
.. warning::
|
|
6120
6119
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6150,7 +6149,17 @@ class BesselK0(Primitive):
|
|
|
6150
6149
|
|
|
6151
6150
|
class BesselK1(Primitive):
|
|
6152
6151
|
r"""
|
|
6153
|
-
Computes
|
|
6152
|
+
Computes modified Bessel function of the second kind, order 1 element-wise.
|
|
6153
|
+
|
|
6154
|
+
The formula is defined as:
|
|
6155
|
+
|
|
6156
|
+
.. math::
|
|
6157
|
+
\begin{array}{ll} \\
|
|
6158
|
+
K_{1}(x)=\lim_{\nu \to 1} \left(\frac{\pi}{2}\right) \frac{I_{-\nu}(x)-
|
|
6159
|
+
I_{\nu}(x)}{\sin (\nu \pi)} = \int_{0}^{\infty} e^{-x \cosh t} \cosh (t) d t
|
|
6160
|
+
\end{array}
|
|
6161
|
+
|
|
6162
|
+
where :math:`I_{1}` is modified Bessel function of the first kind, order 1.
|
|
6154
6163
|
|
|
6155
6164
|
.. warning::
|
|
6156
6165
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6185,8 +6194,18 @@ class BesselK1(Primitive):
|
|
|
6185
6194
|
|
|
6186
6195
|
|
|
6187
6196
|
class BesselK0e(Primitive):
|
|
6188
|
-
"""
|
|
6189
|
-
Computes
|
|
6197
|
+
r"""
|
|
6198
|
+
Computes exponential scaled modified Bessel function of the second kind, order 0 element-wise.
|
|
6199
|
+
|
|
6200
|
+
The formula is defined as:
|
|
6201
|
+
|
|
6202
|
+
.. math::
|
|
6203
|
+
\begin{array}{ll} \\
|
|
6204
|
+
K_{0}e(x)= e^{(-|x|)} * K_{0}(x) = e^{(-|x|)} * \int_{0}^
|
|
6205
|
+
{\infty} e^{-x \cosh t} d t
|
|
6206
|
+
\end{array}
|
|
6207
|
+
|
|
6208
|
+
where :math:`K_{0}` is modified Bessel function of the second kind, order 0.
|
|
6190
6209
|
|
|
6191
6210
|
.. warning::
|
|
6192
6211
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6221,8 +6240,18 @@ class BesselK0e(Primitive):
|
|
|
6221
6240
|
|
|
6222
6241
|
|
|
6223
6242
|
class BesselK1e(Primitive):
|
|
6224
|
-
"""
|
|
6225
|
-
Computes
|
|
6243
|
+
r"""
|
|
6244
|
+
Computes exponential scaled modified Bessel function of the second kind, order 1 element-wise.
|
|
6245
|
+
|
|
6246
|
+
The formula is defined as:
|
|
6247
|
+
|
|
6248
|
+
.. math::
|
|
6249
|
+
\begin{array}{ll} \\
|
|
6250
|
+
K_{1}e(x)= e^{(-|x|)} * K_{1}(x) = e^{(-|x|)} * \int_{0}
|
|
6251
|
+
^{\infty} e^{-x \cosh t} \cosh (t) d t
|
|
6252
|
+
\end{array}
|
|
6253
|
+
|
|
6254
|
+
where :math:`K_{1}` is modified Bessel function of the second kind, order 1.
|
|
6226
6255
|
|
|
6227
6256
|
.. warning::
|
|
6228
6257
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6257,8 +6286,16 @@ class BesselK1e(Primitive):
|
|
|
6257
6286
|
|
|
6258
6287
|
|
|
6259
6288
|
class BesselJ0(Primitive):
|
|
6260
|
-
"""
|
|
6261
|
-
Computes
|
|
6289
|
+
r"""
|
|
6290
|
+
Computes Bessel function of the first kind, order 0 element-wise.
|
|
6291
|
+
|
|
6292
|
+
The formula is defined as:
|
|
6293
|
+
|
|
6294
|
+
.. math::
|
|
6295
|
+
\begin{array}{ll} \\
|
|
6296
|
+
J_{0}(x) = \frac{1}{\pi} \int_{0}^{\pi} \cos (x \sin \theta) d \theta
|
|
6297
|
+
=\sum_{m=0}^{\infty} \frac{(-1)^{m} x^{2 m}}{2^{2 m} (m !)^2}
|
|
6298
|
+
\end{array}
|
|
6262
6299
|
|
|
6263
6300
|
.. warning::
|
|
6264
6301
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6294,8 +6331,16 @@ class BesselJ0(Primitive):
|
|
|
6294
6331
|
|
|
6295
6332
|
|
|
6296
6333
|
class BesselJ1(Primitive):
|
|
6297
|
-
"""
|
|
6298
|
-
Computes
|
|
6334
|
+
r"""
|
|
6335
|
+
Computes Bessel function of the first kind, order 1 element-wise.
|
|
6336
|
+
|
|
6337
|
+
The formula is defined as:
|
|
6338
|
+
|
|
6339
|
+
.. math::
|
|
6340
|
+
\begin{array}{ll} \\
|
|
6341
|
+
J_{1}(x) = \frac{1}{\pi} \int_{0}^{\pi} \cos (x \sin \theta- \theta) d \theta
|
|
6342
|
+
=\sum_{m=0}^{\infty} \frac{(-1)^{m} x^{2 m+1}}{2^{2 m+1} m !(m+1) !}
|
|
6343
|
+
\end{array}
|
|
6299
6344
|
|
|
6300
6345
|
.. warning::
|
|
6301
6346
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6331,8 +6376,17 @@ class BesselJ1(Primitive):
|
|
|
6331
6376
|
|
|
6332
6377
|
|
|
6333
6378
|
class BesselY0(Primitive):
|
|
6334
|
-
"""
|
|
6335
|
-
Computes
|
|
6379
|
+
r"""
|
|
6380
|
+
Computes Bessel function of the second kind, order 0 element-wise.
|
|
6381
|
+
|
|
6382
|
+
The formula is defined as:
|
|
6383
|
+
|
|
6384
|
+
.. math::
|
|
6385
|
+
\begin{array}{ll} \\
|
|
6386
|
+
Y_{0}(x)=\lim_{n \to 0} \frac{J_{n}(x) \cos n \pi-J_{-n}(x)}{\sin n \pi}
|
|
6387
|
+
\end{array}
|
|
6388
|
+
|
|
6389
|
+
where :math:`J_{0}` is Bessel function of the first kind, order 0.
|
|
6336
6390
|
|
|
6337
6391
|
.. warning::
|
|
6338
6392
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6368,8 +6422,17 @@ class BesselY0(Primitive):
|
|
|
6368
6422
|
|
|
6369
6423
|
|
|
6370
6424
|
class BesselY1(Primitive):
|
|
6371
|
-
"""
|
|
6372
|
-
Computes
|
|
6425
|
+
r"""
|
|
6426
|
+
Computes Bessel function of the second kind, order 1 element-wise.
|
|
6427
|
+
|
|
6428
|
+
The formula is defined as:
|
|
6429
|
+
|
|
6430
|
+
.. math::
|
|
6431
|
+
\begin{array}{ll} \\
|
|
6432
|
+
Y_{1}(x)=\lim_{n \to 1} \frac{J_{n}(x) \cos n \pi-J_{-n}(x)}{\sin n \pi}
|
|
6433
|
+
\end{array}
|
|
6434
|
+
|
|
6435
|
+
where :math:`J_{1}` is Bessel function of the first kind, order 1.
|
|
6373
6436
|
|
|
6374
6437
|
.. warning::
|
|
6375
6438
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -6461,13 +6524,15 @@ class Invert(Primitive):
|
|
|
6461
6524
|
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
6462
6525
|
|
|
6463
6526
|
|
|
6464
|
-
class Eps(
|
|
6527
|
+
class Eps(Primitive):
|
|
6465
6528
|
"""
|
|
6466
6529
|
Create a Tensor with the same data type and shape as input, and the element value is the minimum value that the
|
|
6467
|
-
corresponding data type can
|
|
6530
|
+
corresponding data type can express.
|
|
6531
|
+
|
|
6532
|
+
Refer to :func:`mindspore.ops.eps` for more detail.
|
|
6468
6533
|
|
|
6469
6534
|
Inputs:
|
|
6470
|
-
- **x** (Tensor) - Tensor of any dimension used to obtain the minimum value that its data type can
|
|
6535
|
+
- **x** (Tensor) - Tensor of any dimension used to obtain the minimum value that its data type can express.
|
|
6471
6536
|
The data type must be float16, float32 or float64.
|
|
6472
6537
|
|
|
6473
6538
|
Outputs:
|
|
@@ -6475,7 +6540,7 @@ class Eps(PrimitiveWithInfer):
|
|
|
6475
6540
|
|
|
6476
6541
|
Raises:
|
|
6477
6542
|
TypeError: If `x` is not a Tensor.
|
|
6478
|
-
TypeError: If data type of `x` is neither float16 nor
|
|
6543
|
+
TypeError: If data type of `x` is neither float16, float32, nor float64.
|
|
6479
6544
|
|
|
6480
6545
|
Supported Platforms:
|
|
6481
6546
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -6486,33 +6551,13 @@ class Eps(PrimitiveWithInfer):
|
|
|
6486
6551
|
>>> x = Tensor([4, 1, 2, 3], mindspore.float32)
|
|
6487
6552
|
>>> output = ops.Eps()(x)
|
|
6488
6553
|
>>> print(output)
|
|
6489
|
-
[1.
|
|
6554
|
+
[1.1920929e-07 1.1920929e-07 1.1920929e-07 1.1920929e-07]
|
|
6490
6555
|
"""
|
|
6491
6556
|
|
|
6492
6557
|
@prim_attr_register
|
|
6493
6558
|
def __init__(self):
|
|
6494
6559
|
"""Initialize Eps"""
|
|
6495
|
-
self.init_prim_io_names(inputs=['
|
|
6496
|
-
|
|
6497
|
-
def __infer__(self, input_x):
|
|
6498
|
-
valid_dtypes = [mstype.float16, mstype.float32, mstype.float64]
|
|
6499
|
-
validator.check_tensor_dtype_valid('input_x', input_x['dtype'], valid_dtypes, self.name)
|
|
6500
|
-
|
|
6501
|
-
x_nptype = mstype.dtype_to_nptype(input_x['dtype'].element_type())
|
|
6502
|
-
if x_nptype == np.float16:
|
|
6503
|
-
min_val = 2 ** (-14)
|
|
6504
|
-
elif x_nptype == np.float32:
|
|
6505
|
-
min_val = 2 ** (-16)
|
|
6506
|
-
else:
|
|
6507
|
-
min_val = 2 ** (-52)
|
|
6508
|
-
|
|
6509
|
-
res = np.full(input_x['shape'], min_val, x_nptype)
|
|
6510
|
-
out = {
|
|
6511
|
-
'value': Tensor(res),
|
|
6512
|
-
'shape': input_x['shape'],
|
|
6513
|
-
'dtype': input_x['dtype'],
|
|
6514
|
-
}
|
|
6515
|
-
return out
|
|
6560
|
+
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
6516
6561
|
|
|
6517
6562
|
|
|
6518
6563
|
class LinSpace(Primitive):
|
|
@@ -6838,7 +6883,10 @@ class Erfinv(Primitive):
|
|
|
6838
6883
|
Refer to :func:`mindspore.ops.erfinv` for more details.
|
|
6839
6884
|
|
|
6840
6885
|
Inputs:
|
|
6841
|
-
- **input_x** (Tensor) - The input tensor
|
|
6886
|
+
- **input_x** (Tensor) - The input tensor. Supported dtypes:
|
|
6887
|
+
|
|
6888
|
+
- Ascend: float16, float32.
|
|
6889
|
+
- GPU/CPU: float16, float32, float64.
|
|
6842
6890
|
|
|
6843
6891
|
Outputs:
|
|
6844
6892
|
Tensor, has the same shape and dtype as `input_x`.
|
|
@@ -8457,11 +8505,11 @@ class FFTWithSize(Primitive):
|
|
|
8457
8505
|
satisfied. Default: ``()`` .
|
|
8458
8506
|
|
|
8459
8507
|
- The length of `signal_sizes` is equal to the signal_ndim of the IRFFT:
|
|
8460
|
-
:math:`len(
|
|
8508
|
+
:math:`len(signal\_sizes)=signal\_ndim`.
|
|
8461
8509
|
- The last dimension of `signal_sizes` divided by 2 is equal to
|
|
8462
|
-
the last dimension of the IRFFT input: :math:`
|
|
8510
|
+
the last dimension of the IRFFT input: :math:`signal\_size[-1]/2+1=x.shape[-1]`.
|
|
8463
8511
|
- `signal_sizes` has exactly the same dimensions as the input shape
|
|
8464
|
-
except for the last dimension: :math:`
|
|
8512
|
+
except for the last dimension: :math:`signal\_sizes[:-1]=x.shape[:-1]`.
|
|
8465
8513
|
|
|
8466
8514
|
Inputs:
|
|
8467
8515
|
- **x** (Tensor) - The dimension of the input tensor must be greater than or equal to signal_ndim.
|