mindspore 2.2.11__cp39-cp39-win_amd64.whl → 2.3.0__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/__init__.py +7 -5
- 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/_checkparam.py +76 -18
- mindspore/_extends/builtin_operations.py +2 -1
- mindspore/_extends/graph_kernel/model/graph_parallel.py +16 -6
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +3 -16
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +16 -4
- mindspore/_extends/parallel_compile/akg_compiler/compiler.py +1 -0
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +2 -1
- mindspore/_extends/parallel_compile/akg_compiler/util.py +5 -2
- mindspore/_extends/parse/__init__.py +18 -14
- mindspore/_extends/parse/compile_config.py +258 -0
- mindspore/_extends/parse/namespace.py +2 -2
- mindspore/_extends/parse/parser.py +174 -62
- mindspore/_extends/parse/resources.py +45 -14
- mindspore/_extends/parse/standard_method.py +142 -240
- mindspore/{ops/_op_impl/tbe/atomic_addr_clean.py → _extends/pijit/__init__.py} +6 -16
- mindspore/_extends/pijit/pijit_func_white_list.py +343 -0
- mindspore/_extends/remote/kernel_build_server.py +2 -0
- mindspore/_profiler.py +30 -0
- mindspore/amp.py +51 -24
- mindspore/avcodec-59.dll +0 -0
- mindspore/avdevice-59.dll +0 -0
- mindspore/avfilter-8.dll +0 -0
- mindspore/avformat-59.dll +0 -0
- mindspore/avutil-57.dll +0 -0
- mindspore/boost/adasum.py +1 -1
- mindspore/boost/base.py +1 -1
- mindspore/boost/boost_cell_wrapper.py +2 -2
- mindspore/boost/grad_freeze.py +2 -2
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/boost/less_batch_normalization.py +9 -6
- mindspore/common/__init__.py +15 -4
- mindspore/common/_jit_fallback_utils.py +2 -3
- mindspore/common/_register_for_adapter.py +7 -0
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_register_for_tensor.py +8 -9
- mindspore/common/_stub_tensor.py +7 -1
- mindspore/common/_utils.py +5 -17
- mindspore/common/api.py +411 -106
- mindspore/common/auto_dynamic_shape.py +27 -14
- mindspore/common/dtype.py +17 -10
- mindspore/common/dump.py +6 -8
- mindspore/common/file_system.py +48 -0
- mindspore/common/generator.py +260 -0
- mindspore/common/hook_handle.py +51 -4
- mindspore/common/initializer.py +1 -1
- mindspore/common/jit_config.py +34 -14
- mindspore/common/lazy_inline.py +72 -19
- mindspore/common/mindir_util.py +12 -2
- mindspore/common/mutable.py +79 -14
- mindspore/common/no_inline.py +54 -0
- mindspore/common/np_dtype.py +25 -0
- mindspore/common/parameter.py +30 -11
- mindspore/common/recompute.py +262 -0
- mindspore/common/seed.py +9 -9
- mindspore/common/sparse_tensor.py +272 -24
- mindspore/common/symbol.py +122 -0
- mindspore/common/tensor.py +468 -496
- mindspore/communication/__init__.py +6 -11
- mindspore/communication/_comm_helper.py +5 -0
- mindspore/communication/comm_func.py +1140 -0
- mindspore/communication/management.py +118 -102
- mindspore/config/op_info.config +22 -54
- mindspore/context.py +378 -65
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +6 -6
- mindspore/dataset/audio/transforms.py +711 -158
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/engine/cache_client.py +2 -2
- mindspore/dataset/engine/datasets.py +163 -83
- mindspore/dataset/engine/datasets_audio.py +14 -14
- mindspore/dataset/engine/datasets_standard_format.py +33 -3
- mindspore/dataset/engine/datasets_text.py +38 -38
- mindspore/dataset/engine/datasets_user_defined.py +78 -59
- mindspore/dataset/engine/datasets_vision.py +77 -73
- mindspore/dataset/engine/offload.py +5 -7
- mindspore/dataset/engine/queue.py +56 -38
- mindspore/dataset/engine/validators.py +11 -5
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +408 -121
- mindspore/dataset/text/utils.py +9 -9
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/transforms.py +261 -76
- mindspore/dataset/utils/browse_dataset.py +9 -9
- mindspore/dataset/vision/__init__.py +8 -8
- mindspore/dataset/vision/c_transforms.py +10 -10
- mindspore/dataset/vision/py_transforms_util.py +3 -3
- mindspore/dataset/vision/transforms.py +2844 -549
- mindspore/dataset/vision/utils.py +161 -10
- mindspore/dataset/vision/validators.py +14 -2
- mindspore/dnnl.dll +0 -0
- mindspore/experimental/optim/__init__.py +12 -2
- mindspore/experimental/optim/adadelta.py +161 -0
- mindspore/experimental/optim/adagrad.py +168 -0
- mindspore/experimental/optim/adam.py +35 -34
- mindspore/experimental/optim/adamax.py +170 -0
- mindspore/experimental/optim/adamw.py +40 -16
- mindspore/experimental/optim/asgd.py +153 -0
- mindspore/experimental/optim/lr_scheduler.py +71 -127
- mindspore/experimental/optim/nadam.py +157 -0
- mindspore/experimental/optim/optimizer.py +15 -8
- mindspore/experimental/optim/radam.py +194 -0
- mindspore/experimental/optim/rmsprop.py +154 -0
- mindspore/experimental/optim/rprop.py +164 -0
- mindspore/experimental/optim/sgd.py +28 -19
- mindspore/hal/__init__.py +40 -0
- mindspore/hal/_ascend.py +57 -0
- mindspore/hal/_base.py +57 -0
- mindspore/hal/_cpu.py +56 -0
- mindspore/hal/_gpu.py +57 -0
- mindspore/hal/device.py +356 -0
- mindspore/hal/event.py +179 -0
- mindspore/hal/memory.py +326 -0
- mindspore/hal/stream.py +339 -0
- mindspore/include/api/data_type.h +2 -2
- mindspore/include/api/dual_abi_helper.h +16 -3
- mindspore/include/api/model.h +4 -3
- mindspore/include/api/status.h +14 -0
- mindspore/include/c_api/model_c.h +173 -0
- mindspore/include/c_api/ms/base/types.h +1 -0
- mindspore/include/c_api/types_c.h +19 -0
- mindspore/include/dataset/execute.h +1 -3
- mindspore/include/dataset/vision.h +54 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +2 -2
- mindspore/mindrecord/__init__.py +5 -1
- mindspore/mindrecord/config.py +809 -0
- mindspore/mindrecord/filereader.py +25 -0
- mindspore/mindrecord/filewriter.py +76 -58
- mindspore/mindrecord/mindpage.py +40 -6
- mindspore/mindrecord/shardutils.py +3 -2
- mindspore/mindrecord/shardwriter.py +7 -0
- mindspore/mindrecord/tools/cifar100_to_mr.py +53 -66
- mindspore/mindrecord/tools/cifar10_to_mr.py +48 -63
- mindspore/mindrecord/tools/csv_to_mr.py +7 -17
- mindspore/mindrecord/tools/imagenet_to_mr.py +3 -8
- mindspore/mindrecord/tools/mnist_to_mr.py +11 -21
- mindspore/mindrecord/tools/tfrecord_to_mr.py +2 -10
- 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_np_dtype.dll +0 -0
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/mint/__init__.py +1137 -0
- mindspore/{rewrite/ast_transformers → mint/linalg}/__init__.py +9 -4
- mindspore/mint/nn/__init__.py +512 -0
- mindspore/mint/nn/functional.py +573 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +185 -0
- mindspore/multiprocessing/__init__.py +72 -0
- mindspore/nn/__init__.py +1 -0
- mindspore/nn/cell.py +213 -257
- mindspore/nn/dynamic_lr.py +2 -2
- mindspore/nn/extend/__init__.py +29 -0
- mindspore/nn/extend/basic.py +140 -0
- mindspore/nn/extend/embedding.py +143 -0
- mindspore/{rewrite/ast_creator_register.py → nn/extend/layer/__init__.py} +9 -19
- mindspore/nn/extend/layer/normalization.py +109 -0
- mindspore/nn/extend/pooling.py +117 -0
- mindspore/nn/layer/activation.py +84 -94
- mindspore/nn/layer/basic.py +177 -82
- mindspore/nn/layer/channel_shuffle.py +3 -16
- mindspore/nn/layer/container.py +3 -3
- mindspore/nn/layer/conv.py +75 -66
- mindspore/nn/layer/embedding.py +103 -45
- mindspore/nn/layer/embedding_service.py +531 -0
- mindspore/nn/layer/embedding_service_layer.py +393 -0
- mindspore/nn/layer/image.py +4 -7
- mindspore/nn/layer/math.py +1 -1
- mindspore/nn/layer/normalization.py +52 -66
- mindspore/nn/layer/padding.py +30 -39
- mindspore/nn/layer/pooling.py +18 -9
- mindspore/nn/layer/rnn_cells.py +6 -16
- mindspore/nn/layer/rnns.py +6 -5
- mindspore/nn/layer/thor_layer.py +1 -2
- mindspore/nn/layer/timedistributed.py +1 -1
- mindspore/nn/layer/transformer.py +52 -50
- mindspore/nn/learning_rate_schedule.py +6 -5
- mindspore/nn/loss/loss.py +63 -84
- mindspore/nn/optim/ada_grad.py +6 -4
- mindspore/nn/optim/adadelta.py +3 -1
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +102 -181
- mindspore/nn/optim/adamax.py +4 -2
- mindspore/nn/optim/adasum.py +3 -3
- mindspore/nn/optim/asgd.py +4 -2
- mindspore/nn/optim/ftrl.py +31 -61
- mindspore/nn/optim/lamb.py +5 -3
- mindspore/nn/optim/lars.py +2 -2
- mindspore/nn/optim/lazyadam.py +6 -4
- mindspore/nn/optim/momentum.py +13 -25
- mindspore/nn/optim/optimizer.py +6 -3
- mindspore/nn/optim/proximal_ada_grad.py +4 -2
- mindspore/nn/optim/rmsprop.py +9 -3
- mindspore/nn/optim/rprop.py +4 -2
- mindspore/nn/optim/sgd.py +7 -4
- mindspore/nn/optim/thor.py +2 -2
- mindspore/nn/probability/distribution/_utils/custom_ops.py +2 -2
- mindspore/nn/probability/distribution/beta.py +2 -2
- mindspore/nn/probability/distribution/categorical.py +4 -6
- mindspore/nn/probability/distribution/cauchy.py +2 -2
- mindspore/nn/probability/distribution/exponential.py +2 -2
- mindspore/nn/probability/distribution/geometric.py +1 -1
- mindspore/nn/probability/distribution/gumbel.py +2 -2
- mindspore/nn/probability/distribution/logistic.py +1 -1
- mindspore/nn/probability/distribution/poisson.py +2 -2
- mindspore/nn/probability/distribution/uniform.py +2 -2
- mindspore/nn/reinforcement/_tensors_queue.py +13 -1
- mindspore/nn/wrap/__init__.py +2 -1
- mindspore/nn/wrap/cell_wrapper.py +58 -13
- mindspore/nn/wrap/grad_reducer.py +148 -8
- mindspore/nn/wrap/loss_scale.py +32 -9
- mindspore/numpy/__init__.py +2 -0
- mindspore/numpy/array_creations.py +2 -0
- mindspore/numpy/array_ops.py +6 -6
- mindspore/numpy/dtypes.py +3 -3
- mindspore/numpy/fft.py +431 -0
- mindspore/numpy/math_ops.py +61 -67
- mindspore/numpy/utils.py +3 -0
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +8 -4
- mindspore/ops/_grad_experimental/grad_array_ops.py +4 -160
- mindspore/ops/_grad_experimental/grad_comm_ops.py +93 -36
- mindspore/ops/_grad_experimental/grad_inner_ops.py +8 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +92 -287
- mindspore/ops/_grad_experimental/grad_nn_ops.py +0 -53
- mindspore/ops/_grad_experimental/grad_quant_ops.py +3 -3
- mindspore/ops/_grad_experimental/grad_sparse.py +1 -1
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
- mindspore/ops/_op_impl/__init__.py +0 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +1 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -0
- mindspore/ops/_op_impl/{cpu/concat.py → aicpu/generate_eod_mask.py} +16 -17
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +1 -3
- mindspore/ops/_op_impl/aicpu/poisson.py +2 -0
- mindspore/ops/_op_impl/cpu/__init__.py +1 -3
- mindspore/ops/_op_impl/cpu/adam.py +2 -2
- mindspore/ops/_op_impl/cpu/adam_weight_decay.py +3 -2
- mindspore/ops/_op_impl/cpu/maximum_grad.py +16 -14
- mindspore/ops/_op_impl/cpu/minimum_grad.py +8 -0
- mindspore/ops/_vmap/vmap_array_ops.py +164 -101
- mindspore/ops/_vmap/vmap_base.py +8 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +95 -9
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +143 -58
- mindspore/ops/_vmap/vmap_image_ops.py +70 -13
- mindspore/ops/_vmap/vmap_math_ops.py +130 -58
- mindspore/ops/_vmap/vmap_nn_ops.py +249 -115
- mindspore/ops/_vmap/vmap_other_ops.py +1 -1
- mindspore/ops/auto_generate/__init__.py +31 -0
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +231 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +250 -0
- mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
- mindspore/ops/auto_generate/gen_extend_func.py +980 -0
- mindspore/ops/auto_generate/gen_ops_def.py +6443 -0
- mindspore/ops/auto_generate/gen_ops_prim.py +13167 -0
- mindspore/ops/auto_generate/pyboost_inner_prim.py +429 -0
- mindspore/ops/composite/__init__.py +5 -2
- mindspore/ops/composite/base.py +121 -23
- mindspore/ops/composite/math_ops.py +10 -49
- mindspore/ops/composite/multitype_ops/_compile_utils.py +191 -618
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +25 -134
- mindspore/ops/composite/multitype_ops/add_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/div_impl.py +8 -0
- mindspore/ops/composite/multitype_ops/equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +8 -0
- mindspore/ops/composite/multitype_ops/getitem_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +8 -2
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/mod_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/negative_impl.py +9 -3
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/not_in_impl.py +6 -1
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/pow_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +32 -21
- mindspore/ops/composite/multitype_ops/sub_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +6 -3
- mindspore/ops/deprecated.py +14 -3
- mindspore/ops/extend/__init__.py +53 -0
- mindspore/ops/extend/array_func.py +218 -0
- mindspore/ops/extend/math_func.py +76 -0
- mindspore/ops/extend/nn_func.py +308 -0
- mindspore/ops/function/__init__.py +31 -11
- mindspore/ops/function/array_func.py +848 -1736
- mindspore/ops/function/clip_func.py +19 -31
- mindspore/ops/function/debug_func.py +2 -5
- mindspore/ops/function/fft_func.py +31 -0
- mindspore/ops/function/grad/grad_func.py +27 -20
- mindspore/ops/function/image_func.py +27 -21
- mindspore/ops/function/linalg_func.py +30 -53
- mindspore/ops/function/math_func.py +916 -2791
- mindspore/ops/function/nn_func.py +1445 -889
- mindspore/ops/function/other_func.py +6 -7
- mindspore/ops/function/parameter_func.py +6 -92
- mindspore/ops/function/random_func.py +254 -108
- mindspore/ops/function/reshard_func.py +102 -0
- mindspore/ops/function/sparse_func.py +4 -4
- mindspore/ops/function/sparse_unary_func.py +11 -18
- mindspore/ops/function/spectral_func.py +1 -1
- mindspore/ops/function/vmap_func.py +15 -14
- mindspore/ops/functional.py +342 -343
- mindspore/ops/op_info_register.py +16 -43
- mindspore/ops/operations/__init__.py +32 -23
- mindspore/ops/operations/_embedding_cache_ops.py +1 -1
- mindspore/ops/operations/_grad_ops.py +21 -853
- mindspore/ops/operations/_infer_ops.py +19 -0
- mindspore/ops/operations/_inner_ops.py +155 -511
- mindspore/ops/operations/_quant_ops.py +4 -4
- mindspore/ops/operations/_rl_inner_ops.py +3 -3
- mindspore/ops/operations/_scalar_ops.py +5 -480
- mindspore/ops/operations/_sequence_ops.py +6 -36
- mindspore/ops/operations/_tensor_array.py +8 -8
- mindspore/ops/operations/array_ops.py +112 -2698
- mindspore/ops/operations/comm_ops.py +801 -118
- mindspore/ops/operations/custom_ops.py +62 -121
- mindspore/ops/operations/debug_ops.py +105 -36
- mindspore/ops/operations/image_ops.py +3 -219
- mindspore/ops/operations/inner_ops.py +54 -40
- mindspore/ops/operations/linalg_ops.py +1 -49
- mindspore/ops/operations/manually_defined/__init__.py +24 -0
- mindspore/ops/operations/manually_defined/_inner.py +61 -0
- mindspore/ops/operations/manually_defined/ops_def.py +2016 -0
- mindspore/ops/operations/math_ops.py +621 -4654
- mindspore/ops/operations/nn_ops.py +316 -2226
- mindspore/ops/operations/other_ops.py +53 -45
- mindspore/ops/operations/random_ops.py +4 -51
- mindspore/ops/operations/reshard_ops.py +53 -0
- mindspore/ops/operations/sparse_ops.py +8 -8
- mindspore/ops/primitive.py +204 -103
- mindspore/ops/silent_check.py +162 -0
- mindspore/ops_generate/__init__.py +27 -0
- mindspore/ops_generate/arg_dtype_cast.py +250 -0
- mindspore/ops_generate/arg_handler.py +197 -0
- mindspore/ops_generate/gen_aclnn_implement.py +263 -0
- mindspore/ops_generate/gen_ops.py +1084 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
- mindspore/ops_generate/gen_pyboost_func.py +968 -0
- mindspore/ops_generate/gen_utils.py +209 -0
- mindspore/ops_generate/op_proto.py +138 -0
- mindspore/ops_generate/pyboost_utils.py +354 -0
- mindspore/ops_generate/template.py +239 -0
- mindspore/parallel/__init__.py +7 -4
- mindspore/parallel/_auto_parallel_context.py +155 -6
- mindspore/parallel/_cell_wrapper.py +16 -9
- mindspore/parallel/_cost_model_context.py +1 -1
- mindspore/parallel/_dp_allreduce_fusion.py +159 -159
- mindspore/parallel/_parallel_serialization.py +62 -14
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +18 -9
- mindspore/parallel/_transformer/__init__.py +1 -1
- mindspore/parallel/_transformer/layers.py +1 -1
- mindspore/parallel/_transformer/loss.py +1 -1
- mindspore/parallel/_transformer/moe.py +1 -1
- mindspore/parallel/_transformer/op_parallel_config.py +1 -1
- mindspore/parallel/_transformer/transformer.py +10 -10
- mindspore/parallel/_utils.py +161 -6
- mindspore/parallel/algo_parameter_config.py +6 -8
- mindspore/parallel/checkpoint_transform.py +369 -64
- mindspore/parallel/cluster/__init__.py +15 -0
- mindspore/parallel/cluster/process_entity/__init__.py +18 -0
- mindspore/parallel/cluster/process_entity/_api.py +344 -0
- mindspore/parallel/cluster/process_entity/_utils.py +126 -0
- mindspore/parallel/cluster/run.py +136 -0
- mindspore/parallel/mpi/__init__.py +1 -1
- mindspore/parallel/mpi/_mpi_config.py +1 -1
- mindspore/parallel/parameter_broadcast.py +152 -0
- mindspore/parallel/shard.py +128 -17
- mindspore/profiler/__init__.py +3 -2
- mindspore/profiler/common/process_pool.py +41 -0
- mindspore/profiler/common/singleton.py +28 -0
- mindspore/profiler/common/util.py +125 -0
- mindspore/profiler/envprofiling.py +2 -2
- mindspore/{_extends/parallel_compile/tbe_compiler → profiler/parser/ascend_analysis}/__init__.py +1 -1
- mindspore/profiler/parser/ascend_analysis/constant.py +53 -0
- mindspore/profiler/parser/ascend_analysis/file_manager.py +159 -0
- mindspore/profiler/parser/ascend_analysis/function_event.py +161 -0
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +131 -0
- mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +85 -0
- mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +57 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +116 -0
- mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
- mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +68 -0
- mindspore/profiler/parser/ascend_cluster_generator.py +116 -0
- mindspore/profiler/parser/ascend_communicate_generator.py +314 -0
- mindspore/profiler/parser/ascend_flops_generator.py +27 -5
- mindspore/profiler/parser/ascend_fpbp_generator.py +8 -2
- mindspore/profiler/parser/ascend_hccl_generator.py +31 -280
- mindspore/profiler/parser/ascend_integrate_generator.py +42 -0
- mindspore/profiler/parser/ascend_memory_generator.py +185 -0
- mindspore/profiler/parser/ascend_msprof_exporter.py +151 -126
- mindspore/profiler/parser/ascend_msprof_generator.py +75 -274
- mindspore/profiler/parser/ascend_op_generator.py +94 -36
- mindspore/profiler/parser/ascend_timeline_generator.py +297 -131
- mindspore/profiler/parser/base_timeline_generator.py +17 -3
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +2 -1
- mindspore/profiler/parser/framework_parser.py +11 -4
- mindspore/profiler/parser/integrator.py +3 -1
- mindspore/profiler/parser/memory_usage_parser.py +8 -2
- mindspore/profiler/parser/minddata_analyzer.py +8 -2
- mindspore/profiler/parser/minddata_parser.py +73 -4
- mindspore/profiler/parser/msadvisor_analyzer.py +5 -3
- mindspore/profiler/parser/msadvisor_parser.py +10 -4
- mindspore/profiler/parser/profiler_info.py +16 -1
- mindspore/profiler/profiling.py +522 -195
- mindspore/rewrite/__init__.py +2 -13
- mindspore/rewrite/api/node.py +123 -37
- mindspore/rewrite/api/pattern_engine.py +2 -3
- mindspore/rewrite/api/scoped_value.py +16 -15
- mindspore/rewrite/api/symbol_tree.py +46 -30
- mindspore/rewrite/ast_helpers/__init__.py +3 -6
- mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
- mindspore/rewrite/ast_helpers/ast_finder.py +48 -0
- mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +160 -92
- mindspore/rewrite/common/__init__.py +1 -2
- mindspore/rewrite/common/config.py +24 -0
- mindspore/rewrite/common/{rewrite_elog.py → error_log.py} +39 -39
- mindspore/rewrite/{namer.py → common/namer.py} +63 -18
- mindspore/rewrite/common/namespace.py +118 -0
- mindspore/rewrite/node/__init__.py +5 -5
- mindspore/rewrite/node/call_function.py +23 -7
- mindspore/rewrite/node/cell_container.py +7 -3
- mindspore/rewrite/node/control_flow.py +53 -28
- mindspore/rewrite/node/node.py +212 -196
- mindspore/rewrite/node/node_manager.py +51 -22
- mindspore/rewrite/node/node_topological_manager.py +3 -23
- mindspore/rewrite/parsers/__init__.py +12 -0
- mindspore/rewrite/parsers/arguments_parser.py +8 -9
- mindspore/rewrite/parsers/assign_parser.py +637 -413
- mindspore/rewrite/parsers/attribute_parser.py +3 -4
- mindspore/rewrite/parsers/class_def_parser.py +115 -148
- mindspore/rewrite/parsers/constant_parser.py +5 -5
- mindspore/rewrite/parsers/container_parser.py +4 -6
- mindspore/rewrite/parsers/expr_parser.py +55 -0
- mindspore/rewrite/parsers/for_parser.py +31 -98
- mindspore/rewrite/parsers/function_def_parser.py +13 -5
- mindspore/rewrite/parsers/if_parser.py +28 -10
- mindspore/rewrite/parsers/module_parser.py +8 -182
- mindspore/rewrite/parsers/parser.py +1 -5
- mindspore/rewrite/parsers/parser_register.py +1 -1
- mindspore/rewrite/parsers/return_parser.py +5 -10
- mindspore/rewrite/parsers/while_parser.py +59 -0
- mindspore/rewrite/sparsify/utils.py +1 -1
- mindspore/rewrite/symbol_tree/__init__.py +20 -0
- mindspore/rewrite/{symbol_tree.py → symbol_tree/symbol_tree.py} +704 -185
- mindspore/rewrite/{symbol_tree_builder.py → symbol_tree/symbol_tree_builder.py} +8 -8
- mindspore/rewrite/{symbol_tree_dumper.py → symbol_tree/symbol_tree_dumper.py} +4 -4
- mindspore/run_check/_check_version.py +6 -14
- mindspore/run_check/run_check.py +1 -1
- mindspore/safeguard/rewrite_obfuscation.py +9 -19
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +6 -5
- mindspore/train/_utils.py +178 -4
- mindspore/train/amp.py +167 -245
- mindspore/train/anf_ir_pb2.py +14 -2
- mindspore/train/callback/__init__.py +5 -2
- mindspore/train/callback/_backup_and_restore.py +5 -5
- mindspore/train/callback/_callback.py +4 -4
- mindspore/train/callback/_checkpoint.py +151 -37
- mindspore/train/callback/_cluster_monitor.py +201 -0
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_flops_collector.py +238 -0
- mindspore/train/callback/_landscape.py +16 -11
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_mindio_ttp.py +443 -0
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
- mindspore/train/callback/_summary_collector.py +13 -14
- mindspore/train/callback/_time_monitor.py +3 -3
- mindspore/train/data_sink.py +6 -5
- mindspore/train/dataset_helper.py +66 -21
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/accuracy.py +7 -7
- mindspore/train/metrics/confusion_matrix.py +8 -6
- mindspore/train/metrics/cosine_similarity.py +6 -4
- mindspore/train/metrics/error.py +2 -2
- mindspore/train/metrics/metric.py +3 -3
- mindspore/train/metrics/perplexity.py +2 -1
- mindspore/train/metrics/topk.py +2 -2
- mindspore/train/mind_ir_pb2.py +89 -15
- mindspore/train/model.py +298 -56
- mindspore/train/serialization.py +501 -221
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/_writer_pool.py +1 -1
- mindspore/train/summary/summary_record.py +56 -34
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/turbojpeg.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/METADATA +3 -3
- mindspore-2.3.0.dist-info/RECORD +1400 -0
- {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/entry_points.txt +1 -0
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +0 -662
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +0 -377
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +0 -201
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +0 -515
- mindspore/gen_ops.py +0 -273
- mindspore/nn/layer/flash_attention.py +0 -189
- mindspore/ops/_op_impl/cpu/tensor_shape.py +0 -42
- mindspore/ops/_op_impl/tbe/__init__.py +0 -47
- mindspore/ops/_op_impl/tbe/abs.py +0 -38
- mindspore/ops/_op_impl/tbe/abs_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/abs_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/abs_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/accumulate_n_v2.py +0 -41
- mindspore/ops/_op_impl/tbe/accumulate_n_v2_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/acos.py +0 -37
- mindspore/ops/_op_impl/tbe/acos_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/acos_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/acos_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/acosh.py +0 -37
- mindspore/ops/_op_impl/tbe/acosh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/acosh_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/acosh_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/act_ulq_clamp_max_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/act_ulq_clamp_min_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/acts_ulq.py +0 -45
- mindspore/ops/_op_impl/tbe/acts_ulq_input_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/adam_apply_one.py +0 -50
- mindspore/ops/_op_impl/tbe/adam_apply_one_assign.py +0 -53
- mindspore/ops/_op_impl/tbe/adam_apply_one_ds.py +0 -51
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay.py +0 -54
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_assign.py +0 -54
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_ds.py +0 -55
- mindspore/ops/_op_impl/tbe/adaptive_max_pool2d.py +0 -37
- mindspore/ops/_op_impl/tbe/add.py +0 -42
- mindspore/ops/_op_impl/tbe/add_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/add_n.py +0 -39
- mindspore/ops/_op_impl/tbe/add_n_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/addcdiv.py +0 -41
- mindspore/ops/_op_impl/tbe/addcdiv_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/addcmul.py +0 -43
- mindspore/ops/_op_impl/tbe/addcmul_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/apply_ada_max.py +0 -68
- mindspore/ops/_op_impl/tbe/apply_ada_max_ds.py +0 -69
- mindspore/ops/_op_impl/tbe/apply_adadelta.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_adadelta_ds.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_adagrad.py +0 -55
- mindspore/ops/_op_impl/tbe/apply_adagrad_d_a.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_adagrad_ds.py +0 -56
- mindspore/ops/_op_impl/tbe/apply_adagrad_v2.py +0 -48
- mindspore/ops/_op_impl/tbe/apply_adagrad_v2_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/apply_adam.py +0 -79
- mindspore/ops/_op_impl/tbe/apply_adam_ds.py +0 -80
- mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad.py +0 -60
- mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad_ds.py +0 -61
- mindspore/ops/_op_impl/tbe/apply_add_sign.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_add_sign_ds.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_centered_rms_prop.py +0 -77
- mindspore/ops/_op_impl/tbe/apply_centered_rms_prop_ds.py +0 -78
- mindspore/ops/_op_impl/tbe/apply_ftrl.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_ftrl_ds.py +0 -68
- mindspore/ops/_op_impl/tbe/apply_gradient_descent.py +0 -44
- mindspore/ops/_op_impl/tbe/apply_gradient_descent_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/apply_keras_momentum.py +0 -49
- mindspore/ops/_op_impl/tbe/apply_momentum.py +0 -64
- mindspore/ops/_op_impl/tbe/apply_momentum_ds.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_power_sign.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_power_sign_ds.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_proximal_adagrad.py +0 -57
- mindspore/ops/_op_impl/tbe/apply_proximal_adagrad_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent.py +0 -54
- mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent_ds.py +0 -55
- mindspore/ops/_op_impl/tbe/apply_rms_prop.py +0 -52
- mindspore/ops/_op_impl/tbe/approximate_equal.py +0 -39
- mindspore/ops/_op_impl/tbe/approximate_equal_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/arg_max.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_max_with_value.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_max_with_value_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/arg_min.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_min_v2_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/arg_min_with_value.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_min_with_value_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/asin.py +0 -37
- mindspore/ops/_op_impl/tbe/asin_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/asin_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/asin_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/asinh.py +0 -37
- mindspore/ops/_op_impl/tbe/asinh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/asinh_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/asinh_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/assign.py +0 -79
- mindspore/ops/_op_impl/tbe/assign_add.py +0 -59
- mindspore/ops/_op_impl/tbe/assign_add_ds.py +0 -60
- mindspore/ops/_op_impl/tbe/assign_ds.py +0 -80
- mindspore/ops/_op_impl/tbe/assign_sub.py +0 -55
- mindspore/ops/_op_impl/tbe/assign_sub_ds.py +0 -56
- mindspore/ops/_op_impl/tbe/atan.py +0 -37
- mindspore/ops/_op_impl/tbe/atan2.py +0 -38
- mindspore/ops/_op_impl/tbe/atan2_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/atan_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/atan_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/atan_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/atanh.py +0 -37
- mindspore/ops/_op_impl/tbe/atanh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/avg_pool.py +0 -43
- mindspore/ops/_op_impl/tbe/avg_pool_3d.py +0 -44
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +0 -45
- mindspore/ops/_op_impl/tbe/avg_pool_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/avg_pool_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +0 -42
- mindspore/ops/_op_impl/tbe/basic_lstm_cell.py +0 -57
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad.py +0 -50
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -51
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_input_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_weight_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/batch_matmul.py +0 -42
- mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/batch_matmul_v2.py +0 -47
- mindspore/ops/_op_impl/tbe/batch_to_space.py +0 -38
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +0 -38
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +0 -41
- mindspore/ops/_op_impl/tbe/batchnorm.py +0 -58
- mindspore/ops/_op_impl/tbe/batchnorm_grad.py +0 -58
- mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +0 -42
- mindspore/ops/_op_impl/tbe/bessel_i0e.py +0 -37
- mindspore/ops/_op_impl/tbe/bessel_i0e_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/bessel_i1e.py +0 -37
- mindspore/ops/_op_impl/tbe/bessel_i1e_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/bias_add.py +0 -38
- mindspore/ops/_op_impl/tbe/bias_add_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/bias_add_grad.py +0 -53
- mindspore/ops/_op_impl/tbe/binary_cross_entropy.py +0 -39
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bitwise_and.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_and_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bitwise_or.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_or_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bitwise_xor.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_xor_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bn_infer.py +0 -43
- mindspore/ops/_op_impl/tbe/bn_infer_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bn_infer_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bn_inference.py +0 -50
- mindspore/ops/_op_impl/tbe/bn_training_reduce.py +0 -38
- mindspore/ops/_op_impl/tbe/bn_training_reduce_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/bn_training_reduce_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/bn_training_reduce_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -52
- mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -53
- mindspore/ops/_op_impl/tbe/bn_training_update_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/bn_training_update_grad_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bn_training_update_v2.py +0 -48
- mindspore/ops/_op_impl/tbe/bn_training_update_v3.py +0 -51
- mindspore/ops/_op_impl/tbe/bounding_box_decode.py +0 -41
- mindspore/ops/_op_impl/tbe/bounding_box_decode_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/bounding_box_encode.py +0 -38
- mindspore/ops/_op_impl/tbe/broadcast_to.py +0 -40
- mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/cast.py +0 -55
- mindspore/ops/_op_impl/tbe/cast_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/cdist.py +0 -38
- mindspore/ops/_op_impl/tbe/cdist_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/ceil.py +0 -37
- mindspore/ops/_op_impl/tbe/ceil_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/celu.py +0 -39
- mindspore/ops/_op_impl/tbe/centralization.py +0 -39
- mindspore/ops/_op_impl/tbe/check_valid.py +0 -38
- mindspore/ops/_op_impl/tbe/check_valid_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum.py +0 -41
- mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/clip_by_value.py +0 -41
- mindspore/ops/_op_impl/tbe/clip_by_value_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/concat.py +0 -40
- mindspore/ops/_op_impl/tbe/concat_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/confusion_matrix.py +0 -63
- mindspore/ops/_op_impl/tbe/confusion_mul_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/confusion_softmax_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/confusion_transpose_d.py +0 -39
- mindspore/ops/_op_impl/tbe/conv2d.py +0 -47
- mindspore/ops/_op_impl/tbe/conv2d_backprop_filter.py +0 -42
- mindspore/ops/_op_impl/tbe/conv2d_backprop_filter_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/conv2d_backprop_input.py +0 -42
- mindspore/ops/_op_impl/tbe/conv2d_backprop_input_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/conv2d_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/conv2d_transpose.py +0 -48
- mindspore/ops/_op_impl/tbe/conv3d.py +0 -45
- mindspore/ops/_op_impl/tbe/conv3d_backprop_filter.py +0 -42
- mindspore/ops/_op_impl/tbe/conv3d_backprop_input.py +0 -42
- mindspore/ops/_op_impl/tbe/conv3d_transpose.py +0 -47
- mindspore/ops/_op_impl/tbe/conv3d_transpose_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/cos.py +0 -37
- mindspore/ops/_op_impl/tbe/cos_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/cosh.py +0 -37
- mindspore/ops/_op_impl/tbe/cosh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -42
- mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/cum_sum.py +0 -42
- mindspore/ops/_op_impl/tbe/cum_sum_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/cummin.py +0 -41
- mindspore/ops/_op_impl/tbe/cumprod.py +0 -42
- mindspore/ops/_op_impl/tbe/data_format_dim_map.py +0 -38
- mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/deformable_offsets.py +0 -45
- mindspore/ops/_op_impl/tbe/deformable_offsets_grad.py +0 -48
- mindspore/ops/_op_impl/tbe/depth_to_space_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +0 -44
- mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_filter.py +0 -41
- mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_input.py +0 -41
- mindspore/ops/_op_impl/tbe/diag.py +0 -38
- mindspore/ops/_op_impl/tbe/diag_part.py +0 -38
- mindspore/ops/_op_impl/tbe/dilation.py +0 -40
- mindspore/ops/_op_impl/tbe/div.py +0 -41
- mindspore/ops/_op_impl/tbe/div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/div_no_nan.py +0 -41
- mindspore/ops/_op_impl/tbe/div_no_nan_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/dropout_do_mask.py +0 -38
- mindspore/ops/_op_impl/tbe/dropout_do_mask_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/dropout_do_mask_v3.py +0 -39
- mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +0 -34
- mindspore/ops/_op_impl/tbe/dynamic_gru_v2.py +0 -95
- mindspore/ops/_op_impl/tbe/dynamic_rnn.py +0 -82
- mindspore/ops/_op_impl/tbe/elu.py +0 -38
- mindspore/ops/_op_impl/tbe/elu_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/elu_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/elu_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/equal.py +0 -42
- mindspore/ops/_op_impl/tbe/equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/erf.py +0 -37
- mindspore/ops/_op_impl/tbe/erf_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/erfc.py +0 -37
- mindspore/ops/_op_impl/tbe/erfc_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/erfinv.py +0 -36
- mindspore/ops/_op_impl/tbe/exp.py +0 -40
- mindspore/ops/_op_impl/tbe/exp_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/expand_dims.py +0 -38
- mindspore/ops/_op_impl/tbe/expm1.py +0 -37
- mindspore/ops/_op_impl/tbe/expm1_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/extract_image_patches.py +0 -41
- mindspore/ops/_op_impl/tbe/extract_volume_patches.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_gradient.py +0 -43
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel_gradient.py +0 -43
- mindspore/ops/_op_impl/tbe/fast_gelu.py +0 -37
- mindspore/ops/_op_impl/tbe/fast_gelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/fast_gelu_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/fast_gelu_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/fill.py +0 -56
- mindspore/ops/_op_impl/tbe/fill_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/flatten.py +0 -48
- mindspore/ops/_op_impl/tbe/floor.py +0 -37
- mindspore/ops/_op_impl/tbe/floor_div.py +0 -41
- mindspore/ops/_op_impl/tbe/floor_div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/floor_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/floor_mod.py +0 -39
- mindspore/ops/_op_impl/tbe/floor_mod_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/fused_dbn_dw.py +0 -52
- mindspore/ops/_op_impl/tbe/fused_mul_add.py +0 -38
- mindspore/ops/_op_impl/tbe/fused_mul_add_n.py +0 -48
- mindspore/ops/_op_impl/tbe/fused_mul_add_n_l2loss.py +0 -53
- mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum.py +0 -57
- mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum_extern.py +0 -67
- mindspore/ops/_op_impl/tbe/gather_nd.py +0 -52
- mindspore/ops/_op_impl/tbe/gather_nd_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
- mindspore/ops/_op_impl/tbe/gather_v2_ds.py +0 -68
- mindspore/ops/_op_impl/tbe/gelu.py +0 -37
- mindspore/ops/_op_impl/tbe/gelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/gelu_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/gelu_grad_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/ger.py +0 -43
- mindspore/ops/_op_impl/tbe/ger_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/greater.py +0 -43
- mindspore/ops/_op_impl/tbe/greater_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/greater_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad.py +0 -51
- mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad_cell.py +0 -52
- mindspore/ops/_op_impl/tbe/hard_swish.py +0 -37
- mindspore/ops/_op_impl/tbe/hard_swish_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/hard_swish_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/hard_swish_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/histogram_fixed_width.py +0 -40
- mindspore/ops/_op_impl/tbe/hshrink.py +0 -33
- mindspore/ops/_op_impl/tbe/hshrink_grad.py +0 -37
- mindspore/ops/_op_impl/tbe/hsigmoid.py +0 -45
- mindspore/ops/_op_impl/tbe/hsigmoid_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/ifmr.py +0 -47
- mindspore/ops/_op_impl/tbe/ifmr_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/im2col.py +0 -42
- mindspore/ops/_op_impl/tbe/in_top_k.py +0 -37
- mindspore/ops/_op_impl/tbe/inplace_add.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +0 -46
- mindspore/ops/_op_impl/tbe/inplace_sub.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_update.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_update_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/inv.py +0 -38
- mindspore/ops/_op_impl/tbe/inv_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/inv_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/inv_grad_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/invert.py +0 -37
- mindspore/ops/_op_impl/tbe/invert_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/iou.py +0 -38
- mindspore/ops/_op_impl/tbe/iou_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/is_close.py +0 -40
- mindspore/ops/_op_impl/tbe/kl_div_loss.py +0 -38
- mindspore/ops/_op_impl/tbe/kl_div_loss_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/kl_div_loss_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/l2_loss.py +0 -36
- mindspore/ops/_op_impl/tbe/l2_loss_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/l2_normalize.py +0 -38
- mindspore/ops/_op_impl/tbe/l2_normalize_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/lamb_apply_optimizer_assign.py +0 -55
- mindspore/ops/_op_impl/tbe/lamb_apply_weight_assign.py +0 -42
- mindspore/ops/_op_impl/tbe/lamb_next_mv.py +0 -59
- mindspore/ops/_op_impl/tbe/lamb_next_mv_with_decay.py +0 -59
- mindspore/ops/_op_impl/tbe/lamb_next_right.py +0 -44
- mindspore/ops/_op_impl/tbe/lamb_update_with_lr.py +0 -48
- mindspore/ops/_op_impl/tbe/lamb_update_with_lr_v2.py +0 -44
- mindspore/ops/_op_impl/tbe/lars_update.py +0 -50
- mindspore/ops/_op_impl/tbe/lars_update_ds.py +0 -51
- mindspore/ops/_op_impl/tbe/layer_norm.py +0 -46
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop.py +0 -44
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/layer_norm_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/layer_norm_grad.py +0 -48
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop.py +0 -43
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2.py +0 -45
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/lerp.py +0 -38
- mindspore/ops/_op_impl/tbe/less.py +0 -41
- mindspore/ops/_op_impl/tbe/less_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/less_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/less_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/log.py +0 -40
- mindspore/ops/_op_impl/tbe/log1p.py +0 -37
- mindspore/ops/_op_impl/tbe/log1p_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/log_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/logical_and.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_and_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logical_not.py +0 -36
- mindspore/ops/_op_impl/tbe/logical_not_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_or.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_or_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax.py +0 -37
- mindspore/ops/_op_impl/tbe/logsoftmax_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax_grad_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/lp_norm.py +0 -40
- mindspore/ops/_op_impl/tbe/lp_norm_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/lrn.py +0 -41
- mindspore/ops/_op_impl/tbe/lrn_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/lstm_input_grad.py +0 -51
- mindspore/ops/_op_impl/tbe/masked_fill.py +0 -40
- mindspore/ops/_op_impl/tbe/masked_fill_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/matmul.py +0 -53
- mindspore/ops/_op_impl/tbe/matmul_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/matmul_v2.py +0 -50
- mindspore/ops/_op_impl/tbe/matrix_diag.py +0 -45
- mindspore/ops/_op_impl/tbe/matrix_diag_part.py +0 -45
- mindspore/ops/_op_impl/tbe/matrix_set_diag.py +0 -46
- mindspore/ops/_op_impl/tbe/max_pool.py +0 -39
- mindspore/ops/_op_impl/tbe/max_pool3d.py +0 -44
- mindspore/ops/_op_impl/tbe/max_pool3d_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/max_pool3d_grad_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/max_pool_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/max_pool_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/max_pool_grad_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/max_pool_grad_grad_with_argmax.py +0 -41
- mindspore/ops/_op_impl/tbe/max_pool_grad_with_argmax.py +0 -42
- mindspore/ops/_op_impl/tbe/max_pool_with_argmax.py +0 -40
- mindspore/ops/_op_impl/tbe/maximum.py +0 -39
- mindspore/ops/_op_impl/tbe/maximum_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/maximum_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/maximum_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/mem_set.py +0 -38
- mindspore/ops/_op_impl/tbe/minimum.py +0 -40
- mindspore/ops/_op_impl/tbe/minimum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/minimum_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/minimum_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/mish.py +0 -37
- mindspore/ops/_op_impl/tbe/mod.py +0 -41
- mindspore/ops/_op_impl/tbe/mod_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/mul.py +0 -37
- mindspore/ops/_op_impl/tbe/mul_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/mul_no_nan.py +0 -39
- mindspore/ops/_op_impl/tbe/mul_no_nan_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/multilabel_margin_loss.py +0 -39
- mindspore/ops/_op_impl/tbe/neg.py +0 -39
- mindspore/ops/_op_impl/tbe/neg_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/new_im2col.py +0 -40
- mindspore/ops/_op_impl/tbe/nll_loss.py +0 -41
- mindspore/ops/_op_impl/tbe/nll_loss_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/nms_with_mask.py +0 -39
- mindspore/ops/_op_impl/tbe/not_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/not_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/npu_alloc_float_status.py +0 -34
- mindspore/ops/_op_impl/tbe/npu_clear_float_status.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_get_float_status.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +0 -35
- mindspore/ops/_op_impl/tbe/one_hot.py +0 -48
- mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/ones_like.py +0 -40
- mindspore/ops/_op_impl/tbe/ones_like_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling.py +0 -40
- mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/pack.py +0 -58
- mindspore/ops/_op_impl/tbe/pack_ds.py +0 -59
- mindspore/ops/_op_impl/tbe/pad_d.py +0 -40
- mindspore/ops/_op_impl/tbe/pad_d_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/parallel_concat.py +0 -70
- mindspore/ops/_op_impl/tbe/parallel_resize_bilinear.py +0 -45
- mindspore/ops/_op_impl/tbe/parallel_resize_bilinear_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/pdist.py +0 -36
- mindspore/ops/_op_impl/tbe/pooling.py +0 -46
- mindspore/ops/_op_impl/tbe/population_count.py +0 -38
- mindspore/ops/_op_impl/tbe/pow.py +0 -41
- mindspore/ops/_op_impl/tbe/pow_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/prelu.py +0 -37
- mindspore/ops/_op_impl/tbe/prelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/prelu_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/range.py +0 -39
- mindspore/ops/_op_impl/tbe/real_div.py +0 -38
- mindspore/ops/_op_impl/tbe/real_div_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reciprocal.py +0 -36
- mindspore/ops/_op_impl/tbe/reciprocal_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/reciprocal_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/reciprocal_grad_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_all.py +0 -38
- mindspore/ops/_op_impl/tbe/reduce_all_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_any.py +0 -38
- mindspore/ops/_op_impl/tbe/reduce_any_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_max.py +0 -43
- mindspore/ops/_op_impl/tbe/reduce_max_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_mean.py +0 -40
- mindspore/ops/_op_impl/tbe/reduce_mean_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/reduce_min.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_min_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_prod.py +0 -42
- mindspore/ops/_op_impl/tbe/reduce_prod_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_std.py +0 -44
- mindspore/ops/_op_impl/tbe/reduce_sum.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_sum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/relu.py +0 -39
- mindspore/ops/_op_impl/tbe/relu6.py +0 -38
- mindspore/ops/_op_impl/tbe/relu6_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/relu6_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/relu6_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/relu_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/relu_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/relu_grad_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_grad_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/relu_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/renorm.py +0 -39
- mindspore/ops/_op_impl/tbe/resize_bilinear.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_bilinear_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/resize_bilinear_v2.py +0 -43
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/reverse_v2_d.py +0 -37
- mindspore/ops/_op_impl/tbe/rint.py +0 -37
- mindspore/ops/_op_impl/tbe/rint_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/roi_align.py +0 -43
- mindspore/ops/_op_impl/tbe/roi_align_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/roi_align_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/roll.py +0 -42
- mindspore/ops/_op_impl/tbe/round.py +0 -38
- mindspore/ops/_op_impl/tbe/round_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/rsqrt.py +0 -37
- mindspore/ops/_op_impl/tbe/rsqrt_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/rsqrt_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/rsqrt_grad_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_add.py +0 -44
- mindspore/ops/_op_impl/tbe/scatter_div.py +0 -46
- mindspore/ops/_op_impl/tbe/scatter_max.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_min.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_mul.py +0 -44
- mindspore/ops/_op_impl/tbe/scatter_nd.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_nd_d.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_nd_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/scatter_nd_sub.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_nd_sub_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_nd_update.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_nd_update_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add.py +0 -39
- mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/scatter_sub.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_sub_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_update.py +0 -43
- mindspore/ops/_op_impl/tbe/select.py +0 -38
- mindspore/ops/_op_impl/tbe/select_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/selu.py +0 -39
- mindspore/ops/_op_impl/tbe/selu_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/sgd.py +0 -62
- mindspore/ops/_op_impl/tbe/sigmoid.py +0 -37
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/sigmoid_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sigmoid_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/sigmoid_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/sign.py +0 -38
- mindspore/ops/_op_impl/tbe/sign_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/sin.py +0 -37
- mindspore/ops/_op_impl/tbe/sin_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sinh.py +0 -37
- mindspore/ops/_op_impl/tbe/sinh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/slice.py +0 -58
- mindspore/ops/_op_impl/tbe/smooth_l1_loss.py +0 -45
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_ds.py +0 -46
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/soft_margin_loss.py +0 -38
- mindspore/ops/_op_impl/tbe/soft_margin_loss_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/soft_shrink.py +0 -36
- mindspore/ops/_op_impl/tbe/soft_shrink_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax.py +0 -37
- mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/softmax_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax_grad_ext.py +0 -42
- mindspore/ops/_op_impl/tbe/softmax_v2_with_dropout_do_mask_v3.py +0 -39
- mindspore/ops/_op_impl/tbe/softplus.py +0 -37
- mindspore/ops/_op_impl/tbe/softplus_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softplus_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/softplus_grad_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softsign.py +0 -37
- mindspore/ops/_op_impl/tbe/softsign_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sort.py +0 -38
- mindspore/ops/_op_impl/tbe/sort_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/space_to_batch.py +0 -38
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +0 -38
- mindspore/ops/_op_impl/tbe/space_to_depth.py +0 -47
- mindspore/ops/_op_impl/tbe/sparse_apply_adadelta.py +0 -56
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad.py +0 -45
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_ds.py +0 -46
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2.py +0 -46
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d.py +0 -53
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d_ds.py +0 -50
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_v2.py +0 -50
- mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad.py +0 -66
- mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad_ds.py +0 -67
- mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop.py +0 -57
- mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/sparse_gather_v2.py +0 -56
- mindspore/ops/_op_impl/tbe/sparse_gather_v2_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/split_d.py +0 -38
- mindspore/ops/_op_impl/tbe/split_d_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/split_v.py +0 -39
- mindspore/ops/_op_impl/tbe/splitv.py +0 -39
- mindspore/ops/_op_impl/tbe/sqrt.py +0 -37
- mindspore/ops/_op_impl/tbe/sqrt_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sqrt_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/sqrt_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/square.py +0 -38
- mindspore/ops/_op_impl/tbe/square_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/square_sum_all.py +0 -40
- mindspore/ops/_op_impl/tbe/square_sum_all_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/square_sum_v1.py +0 -38
- mindspore/ops/_op_impl/tbe/square_sum_v1_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/square_sum_v2.py +0 -39
- mindspore/ops/_op_impl/tbe/squared_difference.py +0 -39
- mindspore/ops/_op_impl/tbe/squared_difference_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/squeeze.py +0 -37
- mindspore/ops/_op_impl/tbe/strided_read.py +0 -38
- mindspore/ops/_op_impl/tbe/strided_slice_d.py +0 -44
- mindspore/ops/_op_impl/tbe/strided_slice_ds.py +0 -71
- mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +0 -51
- mindspore/ops/_op_impl/tbe/strided_slice_grad_ds.py +0 -57
- mindspore/ops/_op_impl/tbe/strided_write.py +0 -38
- mindspore/ops/_op_impl/tbe/sub.py +0 -39
- mindspore/ops/_op_impl/tbe/sub_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/tan.py +0 -38
- mindspore/ops/_op_impl/tbe/tan_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/tanh.py +0 -37
- mindspore/ops/_op_impl/tbe/tanh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/tanh_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/tanh_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/tensor_move.py +0 -49
- mindspore/ops/_op_impl/tbe/tensor_move_ds.py +0 -50
- mindspore/ops/_op_impl/tbe/tensor_scatter_update.py +0 -41
- mindspore/ops/_op_impl/tbe/tile.py +0 -37
- mindspore/ops/_op_impl/tbe/tile_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/top_k.py +0 -42
- mindspore/ops/_op_impl/tbe/top_k_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/trans_data.py +0 -167
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +0 -180
- mindspore/ops/_op_impl/tbe/trans_data_rnn.py +0 -44
- mindspore/ops/_op_impl/tbe/transpose.py +0 -60
- mindspore/ops/_op_impl/tbe/transpose_d.py +0 -47
- mindspore/ops/_op_impl/tbe/transpose_nod.py +0 -60
- mindspore/ops/_op_impl/tbe/trunc.py +0 -39
- mindspore/ops/_op_impl/tbe/truncate_div.py +0 -41
- mindspore/ops/_op_impl/tbe/truncate_div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/truncate_mod.py +0 -41
- mindspore/ops/_op_impl/tbe/truncate_mod_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/unpack.py +0 -38
- mindspore/ops/_op_impl/tbe/unpack_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/unsorted_segment_max.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_max_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/unsorted_segment_min.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_min_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/unsorted_segment_prod.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_prod_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +0 -38
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/wts_arq.py +0 -40
- mindspore/ops/_op_impl/tbe/xdivy.py +0 -38
- mindspore/ops/_op_impl/tbe/xdivy_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/xlogy.py +0 -38
- mindspore/ops/_op_impl/tbe/xlogy_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/zeros_like.py +0 -41
- mindspore/ops/_op_impl/tbe/zeros_like_ds.py +0 -42
- mindspore/ops/_tracefunc.py +0 -241
- mindspore/ops/arg_dtype_cast.py +0 -54
- mindspore/rewrite/api/tree_node_helper.py +0 -60
- mindspore/rewrite/ast_helpers/ast_creator.py +0 -115
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +0 -267
- mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +0 -228
- mindspore/rewrite/namespace.py +0 -53
- mindspore-2.2.11.dist-info/RECORD +0 -1920
- {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/WHEEL +0 -0
- {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/top_level.txt +0 -0
|
@@ -0,0 +1,980 @@
|
|
|
1
|
+
# Copyright 2023 Huawei Technologies Co., Ltd
|
|
2
|
+
#
|
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
|
+
# you may not use this file except in compliance with the License.
|
|
5
|
+
# You may obtain a copy of the License at
|
|
6
|
+
#
|
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
8
|
+
#
|
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
|
+
# See the License for the specific language governing permissions and
|
|
13
|
+
# limitations under the License.
|
|
14
|
+
# ============================================================================
|
|
15
|
+
|
|
16
|
+
from mindspore.common import dtype as mstype
|
|
17
|
+
from mindspore.ops.auto_generate.pyboost_inner_prim import *
|
|
18
|
+
|
|
19
|
+
|
|
20
|
+
def add(input, other, alpha=1):
|
|
21
|
+
r"""
|
|
22
|
+
Adds scaled other value to input Tensor.
|
|
23
|
+
|
|
24
|
+
.. math::
|
|
25
|
+
|
|
26
|
+
out_{i} = input_{i} + alpha \times other_{i}
|
|
27
|
+
|
|
28
|
+
Note:
|
|
29
|
+
- When the two inputs have different shapes,
|
|
30
|
+
they must be able to broadcast to a common shape.
|
|
31
|
+
- The two inputs and alpha comply with the implicit type conversion rules to make the data types
|
|
32
|
+
consistent.
|
|
33
|
+
|
|
34
|
+
Args:
|
|
35
|
+
input (Union[Tensor, number.Number, bool]): The first input is a number.Number or
|
|
36
|
+
a bool or a tensor whose data type is
|
|
37
|
+
`number <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
38
|
+
`bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_.
|
|
39
|
+
other (Union[Tensor, number.Number, bool]): The second input, is a number.Number or
|
|
40
|
+
a bool or a tensor whose data type is
|
|
41
|
+
`number <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
42
|
+
`bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_.
|
|
43
|
+
alpha (number.Number): A scaling factor applied to `other`, default 1.
|
|
44
|
+
|
|
45
|
+
Returns:
|
|
46
|
+
Tensor with a shape that is the same as the broadcasted shape of the input `input` and `other`,
|
|
47
|
+
and the data type is the one with higher precision or higher digits among the two inputs and alpha.
|
|
48
|
+
|
|
49
|
+
Raises:
|
|
50
|
+
TypeError: If the type of `input`, `other`, or `alpha` is not one of the following: Tensor, number.Number, bool.
|
|
51
|
+
TypeError: If `alpha` is of type float but `input` and `other` are not of type float.
|
|
52
|
+
TypeError: If `alpha` is of type bool but `input` and `other` are not of type bool.
|
|
53
|
+
|
|
54
|
+
Supported Platforms:
|
|
55
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
56
|
+
|
|
57
|
+
Examples:
|
|
58
|
+
>>> import numpy as np
|
|
59
|
+
>>> import mindspore
|
|
60
|
+
>>> from mindspore import Tensor
|
|
61
|
+
>>> from mindspore import ops
|
|
62
|
+
>>> x = Tensor(1, mindspore.int32)
|
|
63
|
+
>>> y = Tensor(np.array([4, 5, 6]).astype(np.float32))
|
|
64
|
+
>>> alpha = 0.5
|
|
65
|
+
>>> output = ops.auto_generate.add_ext(x, y, alpha)
|
|
66
|
+
>>> print(output)
|
|
67
|
+
[3. 3.5 4.]
|
|
68
|
+
>>> # the data type of x is int32, the data type of y is float32,
|
|
69
|
+
>>> # alpha is a float, and the output is the data format of higher precision float32.
|
|
70
|
+
>>> print(output.dtype)
|
|
71
|
+
Float32
|
|
72
|
+
"""
|
|
73
|
+
return add_impl(input, other, alpha)
|
|
74
|
+
|
|
75
|
+
|
|
76
|
+
def argmax(input, dim=None, keepdim=False):
|
|
77
|
+
r"""
|
|
78
|
+
Return the indices of the maximum values of a tensor across a dimension.
|
|
79
|
+
|
|
80
|
+
Args:
|
|
81
|
+
input (Tensor): Input tensor.
|
|
82
|
+
dim (Union[int, None], optional): The dimension to reduce. If `dim` is ``None`` , the indices of the maximum
|
|
83
|
+
value within the flattened input will be returned. Default: ``None`` .
|
|
84
|
+
keepdim (bool, optional): Whether the output tensor retains the specified
|
|
85
|
+
dimension. Ignored if `dim` is None. Default: ``False`` .
|
|
86
|
+
|
|
87
|
+
Returns:
|
|
88
|
+
Tensor, indices of the maximum values across a dimension.
|
|
89
|
+
|
|
90
|
+
Raises:
|
|
91
|
+
TypeError: If `keepdim` is not bool.
|
|
92
|
+
ValueError: If `dim` is out of range.
|
|
93
|
+
|
|
94
|
+
Supported Platforms:
|
|
95
|
+
``Ascend``
|
|
96
|
+
|
|
97
|
+
Examples:
|
|
98
|
+
>>> import numpy as np
|
|
99
|
+
>>> from mindspore import Tensor
|
|
100
|
+
>>> from mindspore import ops
|
|
101
|
+
>>> x = Tensor(np.array([[1, 20, 5], [67, 8, 9], [130, 24, 15]]).astype(np.float32))
|
|
102
|
+
>>> output = ops.auto_generate.argmax_ext(x, dim=-1)
|
|
103
|
+
>>> print(output)
|
|
104
|
+
[1 0 0]
|
|
105
|
+
"""
|
|
106
|
+
return argmax_impl(input, dim, keepdim)
|
|
107
|
+
|
|
108
|
+
|
|
109
|
+
def atan2(input, other):
|
|
110
|
+
r"""
|
|
111
|
+
Returns arctangent of input/other element-wise.
|
|
112
|
+
|
|
113
|
+
It returns :math:`\theta\ \in\ [-\pi, \pi]`
|
|
114
|
+
such that :math:`input = r*\sin(\theta), other = r*\cos(\theta)`, where :math:`r = \sqrt{input^2 + other^2}`.
|
|
115
|
+
|
|
116
|
+
Note:
|
|
117
|
+
- Arg `input` and `other` comply with the implicit type conversion rules to make the data types consistent.
|
|
118
|
+
If they have different data types, the lower precision data type will be converted to relatively the
|
|
119
|
+
highest precision data type.
|
|
120
|
+
|
|
121
|
+
Args:
|
|
122
|
+
input (Tensor, Number.number): The input tensor or scalar.
|
|
123
|
+
other (Tensor, Number.number): The input tensor or scalar. It has the same shape with `input` or
|
|
124
|
+
its shape is able to broadcast with `input`.
|
|
125
|
+
|
|
126
|
+
Returns:
|
|
127
|
+
Tensor, the shape is the same as the one after broadcasting, and the data type is same as `input`.
|
|
128
|
+
|
|
129
|
+
Raises:
|
|
130
|
+
TypeError: If `input` or `other` is not a Tensor or scalar.
|
|
131
|
+
RuntimeError: If the data type of `input` and `other` conversion of Parameter is required
|
|
132
|
+
when data type conversion of Parameter is not supported.
|
|
133
|
+
|
|
134
|
+
Supported Platforms:
|
|
135
|
+
``Ascend``
|
|
136
|
+
|
|
137
|
+
Examples:
|
|
138
|
+
>>> import mindspore
|
|
139
|
+
>>> import numpy as np
|
|
140
|
+
>>> from mindspore import Tensor, ops
|
|
141
|
+
>>> input = Tensor(np.array([0, 1]), mindspore.float32)
|
|
142
|
+
>>> other = Tensor(np.array([1, 1]), mindspore.float32)
|
|
143
|
+
>>> output = mint.atan2(input, other)
|
|
144
|
+
>>> print(output)
|
|
145
|
+
[0. 0.7853982]
|
|
146
|
+
"""
|
|
147
|
+
return atan2_impl(input, other)
|
|
148
|
+
|
|
149
|
+
|
|
150
|
+
def bmm(input, mat2):
|
|
151
|
+
r"""
|
|
152
|
+
Performs batch matrix-matrix multiplication of two three-dimensional tensors.
|
|
153
|
+
|
|
154
|
+
.. math::
|
|
155
|
+
\text{output}= \text{input} @ \text{mat2}
|
|
156
|
+
|
|
157
|
+
Args:
|
|
158
|
+
input (Tensor): The first batch of matrices to be multiplied. Must be a three-dimensional tensor of shape `(b, n, m)`.
|
|
159
|
+
mat2 (Tensor): The second batch of matrices to be multiplied. Must be a three-dimensional tensor of shape `(b, m, p)`.
|
|
160
|
+
|
|
161
|
+
Returns:
|
|
162
|
+
Tensor, the output tensor of shape `(b, n, p)`, where each matrix is the product of the corresponding matrices in the input batches.
|
|
163
|
+
|
|
164
|
+
Raises:
|
|
165
|
+
ValueError: If `input` or `mat2` is not three-dimensional tensors.
|
|
166
|
+
ValueError: If the length of the third dimension of `input` is not equal to the length of the second dimension of `mat2`.
|
|
167
|
+
ValueError: If the batch size of the inputs is not equal to the batch size of the mat2.
|
|
168
|
+
|
|
169
|
+
Supported Platforms:
|
|
170
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
171
|
+
|
|
172
|
+
Examples:
|
|
173
|
+
>>> import mindspore
|
|
174
|
+
>>> import numpy as np
|
|
175
|
+
>>> from mindspore import Tensor
|
|
176
|
+
>>> from mindspore import ops
|
|
177
|
+
>>> a = Tensor(np.ones(shape=[2, 3, 4]), mindspore.float32)
|
|
178
|
+
>>> b = Tensor(np.ones(shape=[2, 4, 5]), mindspore.float32)
|
|
179
|
+
>>> output = ops.auto_generate.bmm_ext(a, b)
|
|
180
|
+
>>> print(output)
|
|
181
|
+
[[[4. 4. 4. 4. 4.]
|
|
182
|
+
[4. 4. 4. 4. 4.]
|
|
183
|
+
[4. 4. 4. 4. 4.]]
|
|
184
|
+
[[4. 4. 4. 4. 4.]
|
|
185
|
+
[4. 4. 4. 4. 4.]
|
|
186
|
+
[4. 4. 4. 4. 4.]]]
|
|
187
|
+
"""
|
|
188
|
+
return bmm_impl(input, mat2)
|
|
189
|
+
|
|
190
|
+
|
|
191
|
+
def fold(input, output_size, kernel_size, dilation=1, padding=0, stride=1):
|
|
192
|
+
r"""
|
|
193
|
+
Combines an array of sliding local blocks into a large containing tensor.
|
|
194
|
+
|
|
195
|
+
Consider a batched input tensor of shape :math:`(N, C \times \prod(\text{kernel_size}), L)` ,
|
|
196
|
+
where :math:`N` is the batch dimension, :math:`C \times \prod(\text{kernel_size})` is the
|
|
197
|
+
total number of values within each block (a block has :math:`\prod(\text{kernel_size})` spatial
|
|
198
|
+
locations each containing a `C`-channeled vector), and :math:`L` is the total number of such blocks:
|
|
199
|
+
|
|
200
|
+
.. math::
|
|
201
|
+
L = \prod_d \left\lfloor\frac{\text{output_size}[d] + 2 \times \text{padding}[d] %
|
|
202
|
+
- \text{dilation}[d] \times (\text{kernel_size}[d] - 1) - 1}{\text{stride}[d]} + 1\right\rfloor,
|
|
203
|
+
|
|
204
|
+
where :math:`d` is over all spatial dimensions.
|
|
205
|
+
|
|
206
|
+
Therefore, `output_size` is the spatial shape of the large containing tensor of the sliding local blocks.
|
|
207
|
+
|
|
208
|
+
The `dilation`, `padding` and `stride` arguments specify how the sliding blocks are retrieved.
|
|
209
|
+
|
|
210
|
+
.. warning::
|
|
211
|
+
Currently, only unbatched(3D) or batched(4D) image-like output tensors are supported.
|
|
212
|
+
|
|
213
|
+
Args:
|
|
214
|
+
input (Tensor): 2-D or 3-D Tensor.
|
|
215
|
+
output_size (Union[int, tuple[int], list[int]]): The shape of the spatial dimensions of
|
|
216
|
+
the output(i.e., output.shape[2:]).
|
|
217
|
+
kernel_size (Union[int, tuple[int], list[int]]): The size of the kernel, should be two int
|
|
218
|
+
for height and width. If type is int, it means that height equal with width. Must be specified.
|
|
219
|
+
dilation (Union[int, tuple[int], list[int]], optional): The size of the dilation, should be two int
|
|
220
|
+
for height and width. If type is int, it means that height equal with width. Default: ``1`` .
|
|
221
|
+
padding (Union[int, tuple[int], list[int]], optional): The size of the padding, should be two int
|
|
222
|
+
for height and width. If type is int, it means that height equal with width. Default: ``0`` .
|
|
223
|
+
stride (Union[int, tuple[int], list[int]], optional): The size of the stride, should be two int
|
|
224
|
+
for height and width. If type is int, it means that height equal with width. Default: ``1`` .
|
|
225
|
+
|
|
226
|
+
Returns:
|
|
227
|
+
A Tensor, with same type as `input` .
|
|
228
|
+
|
|
229
|
+
Shape:
|
|
230
|
+
- Input: :math:`(N, C \times \prod(\text{kernel_size}), L)` or
|
|
231
|
+
:math:`(C \times \prod(\text{kernel_size}), L)`
|
|
232
|
+
- Output: :math:`(N, C, output\_size[0], output\_size[1], ...)` or
|
|
233
|
+
:math:`(C, output\_size[0], output\_size[1], ...)`
|
|
234
|
+
|
|
235
|
+
Raises:
|
|
236
|
+
TypeError: If `output_size`, `kernel_size`, `stride`, `dilation`, `padding` data type is not int, tuple or list.
|
|
237
|
+
ValueError: If `output_size`, `kernel_size`, `dilation`, `stride` value is not
|
|
238
|
+
greater than zero or elements number invalid.
|
|
239
|
+
ValueError: If `padding` value is less than zero or elements number invalid.
|
|
240
|
+
ValueError: If input.shape[-2] can't be divisible by the product of kernel_size.
|
|
241
|
+
ValueError: If `input.shape[-1]` is not equal to the calculated number of sliding blocks `L`.
|
|
242
|
+
|
|
243
|
+
Supported Platforms:
|
|
244
|
+
``Ascend``
|
|
245
|
+
|
|
246
|
+
Examples:
|
|
247
|
+
>>> import numpy as np
|
|
248
|
+
>>> from mindspore import Tensor, ops
|
|
249
|
+
>>> x = Tensor(np.random.rand(16, 64, 25).astype(np.float32))
|
|
250
|
+
>>> output = ops.auto_generate.fold_ext(x, (8, 8), [2, 2], [2, 2], [2, 2], [2, 2])
|
|
251
|
+
>>> print(output.shape)
|
|
252
|
+
(16, 16, 8, 8)
|
|
253
|
+
"""
|
|
254
|
+
return fold_impl(input, converted_output_size, converted_kernel_size, converted_dilation, converted_padding, converted_stride)
|
|
255
|
+
|
|
256
|
+
|
|
257
|
+
def cumsum(input, dim, dtype=None):
|
|
258
|
+
r"""
|
|
259
|
+
Computes the cumulative sum of input Tensor along `dim`.
|
|
260
|
+
|
|
261
|
+
.. math::
|
|
262
|
+
|
|
263
|
+
y_i = x_1 + x_2 + x_3 + ... + x_i
|
|
264
|
+
|
|
265
|
+
Args:
|
|
266
|
+
input (Tensor): The input Tensor.
|
|
267
|
+
dim (int): Dim along which the cumulative sum is computed.
|
|
268
|
+
dtype (:class:`mindspore.dtype`, optional): The desired dtype of returned Tensor. If specified,
|
|
269
|
+
the input Tensor will be cast to `dtype` before the computation. This is useful for preventing overflows.
|
|
270
|
+
If not specified, stay the same as original Tensor. Default: ``None`` .
|
|
271
|
+
|
|
272
|
+
Returns:
|
|
273
|
+
Tensor, the shape of the output Tensor is consistent with the input Tensor's.
|
|
274
|
+
|
|
275
|
+
Raises:
|
|
276
|
+
TypeError: If `input` is not a Tensor.
|
|
277
|
+
ValueError: If the `dim` is out of range.
|
|
278
|
+
|
|
279
|
+
Supported Platforms:
|
|
280
|
+
``Ascend``
|
|
281
|
+
|
|
282
|
+
Examples:
|
|
283
|
+
>>> import numpy as np
|
|
284
|
+
>>> from mindspore import Tensor
|
|
285
|
+
>>> import mindspore.ops as ops
|
|
286
|
+
>>> x = Tensor(np.array([[3, 4, 6, 10], [1, 6, 7, 9], [4, 3, 8, 7], [1, 3, 7, 9]]).astype(np.float32))
|
|
287
|
+
>>> # case 1: along the dim 0
|
|
288
|
+
>>> y = ops.auto_generate.cumsum_ext(x, 0)
|
|
289
|
+
>>> print(y)
|
|
290
|
+
[[ 3. 4. 6. 10.]
|
|
291
|
+
[ 4. 10. 13. 19.]
|
|
292
|
+
[ 8. 13. 21. 26.]
|
|
293
|
+
[ 9. 16. 28. 35.]]
|
|
294
|
+
>>> # case 2: along the dim 1
|
|
295
|
+
>>> y = ops.auto_generate.cumsum_ext(x, 1)
|
|
296
|
+
>>> print(y)
|
|
297
|
+
[[ 3. 7. 13. 23.]
|
|
298
|
+
[ 1. 7. 14. 23.]
|
|
299
|
+
[ 4. 7. 15. 22.]
|
|
300
|
+
[ 1. 4. 11. 20.]]
|
|
301
|
+
"""
|
|
302
|
+
return cumsum_impl(input, dim, dtype)
|
|
303
|
+
|
|
304
|
+
|
|
305
|
+
def elu(input, alpha=1.0):
|
|
306
|
+
r"""
|
|
307
|
+
Exponential Linear Unit activation function.
|
|
308
|
+
|
|
309
|
+
Applies the exponential linear unit function element-wise.
|
|
310
|
+
The activation function is defined as:
|
|
311
|
+
|
|
312
|
+
.. math::
|
|
313
|
+
|
|
314
|
+
\text{ELU}(x)= \left\{
|
|
315
|
+
\begin{array}{align}
|
|
316
|
+
\alpha(e^{x} - 1) & \text{if } x \le 0\\
|
|
317
|
+
x & \text{if } x \gt 0\\
|
|
318
|
+
\end{array}\right.
|
|
319
|
+
|
|
320
|
+
Where :math:`x` is the element of input Tensor `input`, :math:`\alpha` is param `alpha`,
|
|
321
|
+
it determines the smoothness of ELU.
|
|
322
|
+
|
|
323
|
+
ELU function graph:
|
|
324
|
+
|
|
325
|
+
.. image:: ../images/ELU.png
|
|
326
|
+
:align: center
|
|
327
|
+
|
|
328
|
+
Args:
|
|
329
|
+
input (Tensor): The input of ELU is a Tensor of any dimension.
|
|
330
|
+
alpha (float, optional): The alpha value of ELU, the data type is float.
|
|
331
|
+
Default: ``1.0`` .
|
|
332
|
+
|
|
333
|
+
Returns:
|
|
334
|
+
Tensor, has the same shape and data type as `input`.
|
|
335
|
+
|
|
336
|
+
Raises:
|
|
337
|
+
TypeError: If `alpha` is not a float.
|
|
338
|
+
|
|
339
|
+
Supported Platforms:
|
|
340
|
+
``Ascend``
|
|
341
|
+
|
|
342
|
+
Examples:
|
|
343
|
+
>>> import mindspore
|
|
344
|
+
>>> import numpy as np
|
|
345
|
+
>>> from mindspore import Tensor, ops
|
|
346
|
+
>>> x = Tensor(np.array([[-1.0, 4.0, -8.0], [2.0, -5.0, 9.0]]), mindspore.float32)
|
|
347
|
+
>>> output = ops.auto_generate.elu_ext(x)
|
|
348
|
+
>>> print(output)
|
|
349
|
+
[[-0.63212055 4. -0.99966455]
|
|
350
|
+
[ 2. -0.99326205 9. ]]
|
|
351
|
+
"""
|
|
352
|
+
return elu_impl(input, alpha)
|
|
353
|
+
|
|
354
|
+
|
|
355
|
+
def ffn(x, weight1, weight2, expertTokens=None, bias1=None, bias2=None, scale=None, offset=None, deqScale1=None, deqScale2=None, antiquant_scale1=None, antiquant_scale2=None, antiquant_offset1=None, antiquant_offset2=None, activation='fastgelu', inner_precise=0):
|
|
356
|
+
r"""
|
|
357
|
+
None
|
|
358
|
+
"""
|
|
359
|
+
return ffn_impl(x, weight1, weight2, expertTokens, bias1, bias2, scale, offset, deqScale1, deqScale2, antiquant_scale1, antiquant_scale2, antiquant_offset1, antiquant_offset2, converted_activation, inner_precise)
|
|
360
|
+
|
|
361
|
+
|
|
362
|
+
def flatten(input, start_dim=0, end_dim=-1):
|
|
363
|
+
r"""
|
|
364
|
+
Flatten a tensor along dimensions from `start_dim` to `end_dim`.
|
|
365
|
+
|
|
366
|
+
Args:
|
|
367
|
+
input (Tensor): The input Tensor.
|
|
368
|
+
|
|
369
|
+
Keyword Args:
|
|
370
|
+
start_dim (int, optional): The first dimension to flatten. Default: ``0`` .
|
|
371
|
+
end_dim (int, optional): The last dimension to flatten. Default: ``-1`` .
|
|
372
|
+
|
|
373
|
+
Returns:
|
|
374
|
+
Tensor. If no dimensions are flattened, returns the original `input`, otherwise return the flattened Tensor.
|
|
375
|
+
If `input` is a 0-dimensional Tensor, a 1-dimensional Tensor will be returned.
|
|
376
|
+
|
|
377
|
+
Raises:
|
|
378
|
+
TypeError: If `input` is not a Tensor.
|
|
379
|
+
TypeError: If `start_dim` or `end_dim` is not int.
|
|
380
|
+
ValueError: If `start_dim` is greater than `end_dim` after canonicalized.
|
|
381
|
+
ValueError: If `start_dim` or `end_dim` is not in range of [-input.dim, input.dim-1].
|
|
382
|
+
|
|
383
|
+
Supported Platforms:
|
|
384
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
385
|
+
|
|
386
|
+
Examples:
|
|
387
|
+
>>> import mindspore
|
|
388
|
+
>>> import numpy as np
|
|
389
|
+
>>> from mindspore import Tensor, mint
|
|
390
|
+
>>> input_x = Tensor(np.ones(shape=[1, 2, 3, 4]), mindspore.float32)
|
|
391
|
+
>>> output = mint.flatten(input_x)
|
|
392
|
+
>>> print(output.shape)
|
|
393
|
+
(24,)
|
|
394
|
+
"""
|
|
395
|
+
return flatten_impl(input, start_dim, end_dim)
|
|
396
|
+
|
|
397
|
+
|
|
398
|
+
def unfold(input, kernel_size, dilation=1, padding=0, stride=1):
|
|
399
|
+
r"""
|
|
400
|
+
Extracts sliding local blocks from a batched input tensor.
|
|
401
|
+
|
|
402
|
+
Consider a batched input tensor of shape :math:`(N, C, *)`,
|
|
403
|
+
where :math:`N` is the batch dimension, :math:`C` is the channel dimension,
|
|
404
|
+
and :math:`*` represent arbitrary spatial dimensions. This operation flattens
|
|
405
|
+
each sliding `Kernel_size`- sized block within the spatial dimensions
|
|
406
|
+
of `input` into a column (i.e., last dimension) of a 3-D output
|
|
407
|
+
tensor of shape :math:`(N, C \times \prod(\text{kernel_size}), L)`, where
|
|
408
|
+
:math:`C \times \prod(\text{kernel_size})` is the total number of values
|
|
409
|
+
within each block (a block has :math:`\prod(\text{kernel_size})` spatial
|
|
410
|
+
locations each containing a `C`-channeled vector), and :math:`L` is
|
|
411
|
+
the total number of such blocks:
|
|
412
|
+
|
|
413
|
+
.. math::
|
|
414
|
+
L = \prod_d \left\lfloor\frac{\text{spatial_size}[d] + 2 \times \text{padding}[d] %
|
|
415
|
+
- \text{dilation}[d] \times (\text{kernel_size}[d] - 1) - 1}{\text{stride}[d]} + 1\right\rfloor,
|
|
416
|
+
|
|
417
|
+
where :math:`\text{spatial_size}` is formed by the spatial dimensions
|
|
418
|
+
of `input` (:math:`*` above), and :math:`d` is over all spatial
|
|
419
|
+
dimensions.
|
|
420
|
+
|
|
421
|
+
Therefore, indexing `output` at the last dimension (column dimension)
|
|
422
|
+
gives all values within a certain block.
|
|
423
|
+
|
|
424
|
+
The `dilation`, `padding` and `stride` arguments specify
|
|
425
|
+
how the sliding blocks are retrieved.
|
|
426
|
+
|
|
427
|
+
.. warning::
|
|
428
|
+
- Currently, batched(4D) image-like tensors are supported.
|
|
429
|
+
- For Ascend, it is only supported on platforms above Atlas A2.
|
|
430
|
+
|
|
431
|
+
Args:
|
|
432
|
+
input (Tensor): 4-D Tensor.
|
|
433
|
+
kernel_size (Union[int, tuple[int], list[int]]): The size of the kernel, should be two int
|
|
434
|
+
for height and width. If type is int, it means that height equal with width. Must be specified.
|
|
435
|
+
dilation (Union[int, tuple[int], list[int]], optional): The dilation of the window, should be two int
|
|
436
|
+
for height and width. If type is int, it means that height equal with width. Default: ``1`` .
|
|
437
|
+
padding (Union[int, tuple[int], list[int]], optional): The pad of the window, should be two int
|
|
438
|
+
for height and width. If type is int, it means that height equal with width. Default: ``0`` .
|
|
439
|
+
stride (Union[int, tuple[int], list[int]], optional): The stride of the window, should be two int
|
|
440
|
+
for height and width. If type is int, it means that height equal with width. Default: ``1`` .
|
|
441
|
+
|
|
442
|
+
Returns:
|
|
443
|
+
A Tensor, with same type as `input` .
|
|
444
|
+
|
|
445
|
+
Shape:
|
|
446
|
+
- Input: :math:`(N, C, *)`
|
|
447
|
+
- Output: :math:`(N, C \times \prod(\text{kernel_size}), L)`
|
|
448
|
+
|
|
449
|
+
Raises:
|
|
450
|
+
TypeError: If any data type of `kernel_size`, `stride`, `dilation`, `padding` is not int, tuple or list.
|
|
451
|
+
ValueError: If `kernel_size`, `dilation`, `stride` value is not
|
|
452
|
+
greater than zero or elements number more than `2`.
|
|
453
|
+
ValueError: If `padding` value is less than zero.
|
|
454
|
+
|
|
455
|
+
Supported Platforms:
|
|
456
|
+
``Ascend``
|
|
457
|
+
|
|
458
|
+
Examples:
|
|
459
|
+
>>> import mindspore
|
|
460
|
+
>>> import numpy as np
|
|
461
|
+
>>> from mindspore import Tensor, ops
|
|
462
|
+
>>> x = Tensor(np.random.rand(4, 4, 32, 32), mindspore.float32)
|
|
463
|
+
>>> output = ops.auto_generate.unfold_ext(x, kernel_size=3, dilation=1, stride=1)
|
|
464
|
+
>>> print(output.shape)
|
|
465
|
+
(4, 36, 900)
|
|
466
|
+
"""
|
|
467
|
+
return unfold_impl(input, converted_kernel_size, converted_dilation, converted_padding, converted_stride)
|
|
468
|
+
|
|
469
|
+
|
|
470
|
+
def index_select(input, dim, index):
|
|
471
|
+
r"""
|
|
472
|
+
Generates a new Tensor that accesses the values of `input` along the specified `dim` dimension
|
|
473
|
+
using the indices specified in `index`. The new Tensor has the same number of dimensions as `input`,
|
|
474
|
+
with the size of the `dim` dimension being equal to the length of `index`, and the size of all other
|
|
475
|
+
dimensions will be unchanged from the original `input` Tensor.
|
|
476
|
+
|
|
477
|
+
.. note::
|
|
478
|
+
The value of index must be in the range of `[0, input.shape[dim])`, the result is undefined out of range.
|
|
479
|
+
|
|
480
|
+
Args:
|
|
481
|
+
input (Tensor): The input Tensor.
|
|
482
|
+
dim (int): The dimension to be indexed.
|
|
483
|
+
index (Tensor): A 1-D Tensor with the indices.
|
|
484
|
+
|
|
485
|
+
Returns:
|
|
486
|
+
Tensor, has the same dtype as input Tensor.
|
|
487
|
+
|
|
488
|
+
Raises:
|
|
489
|
+
TypeError: If `input` or `index` is not a Tensor.
|
|
490
|
+
TypeError: If `dim` is not int number.
|
|
491
|
+
ValueError: If the value of `dim` is out the range of `[-input.ndim, input.ndim - 1]`.
|
|
492
|
+
ValueError: If the dimension of `index` is not equal to 1.
|
|
493
|
+
|
|
494
|
+
Supported Platforms:
|
|
495
|
+
``Ascend``
|
|
496
|
+
|
|
497
|
+
Examples:
|
|
498
|
+
>>> import mindspore
|
|
499
|
+
>>> from mindspore import Tensor, ops
|
|
500
|
+
>>> import numpy as np
|
|
501
|
+
>>> input = Tensor(np.arange(16).astype(np.float32).reshape(2, 2, 4))
|
|
502
|
+
>>> print(input)
|
|
503
|
+
[[[ 0. 1. 2. 3.]
|
|
504
|
+
[ 4. 5. 6. 7.]]
|
|
505
|
+
[[ 8. 9. 10. 11.]
|
|
506
|
+
[12. 13. 14. 15.]]]
|
|
507
|
+
>>> index = Tensor([0,], mindspore.int32)
|
|
508
|
+
>>> y = ops.auto_generate.index_select_ext(input, 1, index)
|
|
509
|
+
>>> print(y)
|
|
510
|
+
[[[ 0. 1. 2. 3.]]
|
|
511
|
+
[[ 8. 9. 10. 11.]]]
|
|
512
|
+
"""
|
|
513
|
+
return index_select_impl(input, dim, index)
|
|
514
|
+
|
|
515
|
+
|
|
516
|
+
def leaky_relu(input, negative_slope=0.01):
|
|
517
|
+
r"""
|
|
518
|
+
leaky_relu activation function. The element of `input` less than 0 times `negative_slope` .
|
|
519
|
+
|
|
520
|
+
The activation function is defined as:
|
|
521
|
+
|
|
522
|
+
.. math::
|
|
523
|
+
\text{leaky_relu}(input) = \begin{cases}input, &\text{if } input \geq 0; \cr
|
|
524
|
+
\text{negative_slope} * input, &\text{otherwise.}\end{cases}
|
|
525
|
+
|
|
526
|
+
where :math:`negative\_slope` represents the `negative_slope` parameter.
|
|
527
|
+
|
|
528
|
+
For more details, see `Rectifier Nonlinearities Improve Neural Network Acoustic Models
|
|
529
|
+
<https://ai.stanford.edu/~amaas/papers/relu_hybrid_icml2013_final.pdf>`_.
|
|
530
|
+
|
|
531
|
+
LeakyReLU Activation Function Graph:
|
|
532
|
+
|
|
533
|
+
.. image:: ../images/LeakyReLU.png
|
|
534
|
+
:align: center
|
|
535
|
+
|
|
536
|
+
Args:
|
|
537
|
+
input (Tensor): The input of leaky_relu is a Tensor of any dimension.
|
|
538
|
+
negative_slope (Union[int, float]): Slope of the activation function when the element of `input` is less than 0.
|
|
539
|
+
Default: ``0.01`` .
|
|
540
|
+
|
|
541
|
+
Returns:
|
|
542
|
+
Tensor, has the same type and shape as the `input`.
|
|
543
|
+
|
|
544
|
+
Raises:
|
|
545
|
+
TypeError: If `input` is not a Tensor.
|
|
546
|
+
TypeError: If `negative_slope` is not a float or an int.
|
|
547
|
+
|
|
548
|
+
Supported Platforms:
|
|
549
|
+
``Ascend``
|
|
550
|
+
|
|
551
|
+
Examples:
|
|
552
|
+
>>> import mindspore
|
|
553
|
+
>>> import numpy as np
|
|
554
|
+
>>> from mindspore import Tensor, ops
|
|
555
|
+
>>> input = Tensor(np.array([[-1.0, 4.0, -8.0], [2.0, -5.0, 9.0]]), mindspore.float32)
|
|
556
|
+
>>> print(ops.extend.leaky_relu_ext(input, negative_slope=0.2))
|
|
557
|
+
[[-0.2 4. -1.6]
|
|
558
|
+
[ 2. -1. 9. ]]
|
|
559
|
+
"""
|
|
560
|
+
return leaky_relu_impl(input, negative_slope)
|
|
561
|
+
|
|
562
|
+
|
|
563
|
+
def matmul(input, mat2):
|
|
564
|
+
r"""
|
|
565
|
+
None
|
|
566
|
+
"""
|
|
567
|
+
return matmul_impl(input, mat2)
|
|
568
|
+
|
|
569
|
+
|
|
570
|
+
def matrix_inverse(input):
|
|
571
|
+
r"""
|
|
572
|
+
Compute the inverse of the input matrix.
|
|
573
|
+
|
|
574
|
+
Args:
|
|
575
|
+
input (Tensor): A matrix to be calculated. Input `input` must be at least two dimensions, and the size of
|
|
576
|
+
the last two dimensions must be the same size.
|
|
577
|
+
|
|
578
|
+
Returns:
|
|
579
|
+
Tensor, has the same type and shape as input`.
|
|
580
|
+
|
|
581
|
+
Raises:
|
|
582
|
+
TypeError: If `input` is not a Tensor.
|
|
583
|
+
ValueError: If the size of the last two dimensions of `input` is not the same.
|
|
584
|
+
ValueError: If the dimension of `input` is 1.
|
|
585
|
+
|
|
586
|
+
Supported Platforms:
|
|
587
|
+
``Ascend``
|
|
588
|
+
|
|
589
|
+
Examples:
|
|
590
|
+
>>> from mindspore import Tensor, ops
|
|
591
|
+
>>> from mindspore import dtype as mstype
|
|
592
|
+
>>> x = Tensor([[1., 2.], [3., 4.]], mstype.float32)
|
|
593
|
+
>>> print(ops.matrix_inverse_ext(x))
|
|
594
|
+
[[-2. 1. ]
|
|
595
|
+
[ 1.5 -0.5]]
|
|
596
|
+
"""
|
|
597
|
+
return matrix_inverse_impl(input)
|
|
598
|
+
|
|
599
|
+
|
|
600
|
+
def mean(input, axis=None, keep_dims=False, dtype=None):
|
|
601
|
+
r"""
|
|
602
|
+
Reduces all dimension of a tensor by averaging all elements in the dimension, by default.
|
|
603
|
+
And reduce a dimension of `input` along the specified `axis`. `keep_dims`
|
|
604
|
+
determines whether the dimensions of the output and input are the same.
|
|
605
|
+
|
|
606
|
+
Note:
|
|
607
|
+
The `axis` with tensor type is only used for compatibility with older versions and is not recommended.
|
|
608
|
+
|
|
609
|
+
Args:
|
|
610
|
+
input (Tensor[Number]): The input tensor. The dtype of the tensor to be reduced is number.
|
|
611
|
+
:math:`(N, *)` where :math:`*` means, any number of additional dimensions.
|
|
612
|
+
axis (Union[int, tuple(int), list(int), Tensor]): The dimensions to reduce. Default: ``None`` ,
|
|
613
|
+
reduce all dimensions. Only constant value is allowed. Assume the rank of `input` is r,
|
|
614
|
+
and the value range is [-r,r).
|
|
615
|
+
keep_dims (bool): If ``True`` , keep these reduced dimensions and the length is 1.
|
|
616
|
+
If ``False`` , don't keep these dimensions. Default: ``False`` .
|
|
617
|
+
dtype (:class:`mindspore.dtype`): The desired data type of returned Tensor. Default: ``None`` .
|
|
618
|
+
|
|
619
|
+
Returns:
|
|
620
|
+
Tensor, has the same data type as input tensor.
|
|
621
|
+
|
|
622
|
+
- If `axis` is ``None`` , and `keep_dims` is ``False`` ,
|
|
623
|
+
the output is a 0-D tensor representing the product of all elements in the input tensor.
|
|
624
|
+
- If `axis` is int, set as 1, and `keep_dims` is ``False`` ,
|
|
625
|
+
the shape of output is :math:`(x_0, x_2, ..., x_R)`.
|
|
626
|
+
- If `axis` is tuple(int), set as (1, 2), and `keep_dims` is ``False`` ,
|
|
627
|
+
the shape of output is :math:`(x_0, x_3, ..., x_R)`.
|
|
628
|
+
- If `axis` is 1-D Tensor, set as [1, 2], and `keep_dims` is ``False`` ,
|
|
629
|
+
the shape of output is :math:`(x_0, x_3, ..., x_R)`.
|
|
630
|
+
|
|
631
|
+
Raises:
|
|
632
|
+
TypeError: If `x` is not a Tensor.
|
|
633
|
+
TypeError: If `axis` is not one of the following: int, tuple, list or Tensor.
|
|
634
|
+
TypeError: If `keep_dims` is not a bool.
|
|
635
|
+
ValueError: If `axis` is out of range.
|
|
636
|
+
|
|
637
|
+
Supported Platforms:
|
|
638
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
639
|
+
|
|
640
|
+
Examples:
|
|
641
|
+
>>> import mindspore
|
|
642
|
+
>>> import numpy as np
|
|
643
|
+
>>> from mindspore import Tensor, ops
|
|
644
|
+
>>> x = Tensor(np.random.randn(3, 4, 5, 6).astype(np.float32))
|
|
645
|
+
>>> output = ops.mean(x, 1, keep_dims=True)
|
|
646
|
+
>>> result = output.shape
|
|
647
|
+
>>> print(result)
|
|
648
|
+
(3, 1, 5, 6)
|
|
649
|
+
>>> # case 1: Reduces a dimension by averaging all elements in the dimension.
|
|
650
|
+
>>> x = Tensor(np.array([[[2, 2, 2, 2, 2, 2], [2, 2, 2, 2, 2, 2], [2, 2, 2, 2, 2, 2]],
|
|
651
|
+
... [[4, 4, 4, 4, 4, 4], [5, 5, 5, 5, 5, 5], [6, 6, 6, 6, 6, 6]],
|
|
652
|
+
... [[6, 6, 6, 6, 6, 6], [8, 8, 8, 8, 8, 8], [10, 10, 10, 10, 10, 10]]]),
|
|
653
|
+
... mindspore.float32)
|
|
654
|
+
>>> output = ops.mean(x)
|
|
655
|
+
>>> print(output)
|
|
656
|
+
5.0
|
|
657
|
+
>>> print(output.shape)
|
|
658
|
+
()
|
|
659
|
+
>>> # case 2: Reduces a dimension along the axis 0
|
|
660
|
+
>>> output = ops.mean(x, 0, True)
|
|
661
|
+
>>> print(output)
|
|
662
|
+
[[[4. 4. 4. 4. 4. 4.]
|
|
663
|
+
[5. 5. 5. 5. 5. 5.]
|
|
664
|
+
[6. 6. 6. 6. 6. 6.]]]
|
|
665
|
+
>>> # case 3: Reduces a dimension along the axis 1
|
|
666
|
+
>>> output = ops.mean(x, 1, True)
|
|
667
|
+
>>> print(output)
|
|
668
|
+
[[[2. 2. 2. 2. 2. 2.]]
|
|
669
|
+
[[5. 5. 5. 5. 5. 5.]]
|
|
670
|
+
[[8. 8. 8. 8. 8. 8.]]]
|
|
671
|
+
>>> # case 4: Reduces a dimension along the axis 2
|
|
672
|
+
>>> output = ops.mean(x, 2, True)
|
|
673
|
+
>>> print(output)
|
|
674
|
+
[[[ 2.]
|
|
675
|
+
[ 2.]
|
|
676
|
+
[ 2.]]
|
|
677
|
+
[[ 4.]
|
|
678
|
+
[ 5.]
|
|
679
|
+
[ 6.]]
|
|
680
|
+
[[ 6.]
|
|
681
|
+
[ 8.]
|
|
682
|
+
[10.]]]
|
|
683
|
+
"""
|
|
684
|
+
return mean_impl(input, axis, keep_dims, dtype)
|
|
685
|
+
|
|
686
|
+
|
|
687
|
+
def prod(input, axis=None, keep_dims=False, dtype=None):
|
|
688
|
+
r"""
|
|
689
|
+
Reduces a dimension of a tensor by multiplying all elements in the dimension, by default. And also can
|
|
690
|
+
reduce a dimension of `input` along the `axis`. Determine whether the dimensions of the output and input are the
|
|
691
|
+
same by controlling `keep_dims`.
|
|
692
|
+
|
|
693
|
+
Args:
|
|
694
|
+
input (Tensor[Number]): The input tensor. The dtype of the tensor to be reduced is number.
|
|
695
|
+
:math:`(N, *)` where :math:`*` means, any number of additional dimensions.
|
|
696
|
+
axis (int): The dimensions to reduce. Default: ``None`` , reduce all dimensions.
|
|
697
|
+
Only constant value is allowed. Assume the rank of `input` is r, and the value range is [-r,r).
|
|
698
|
+
keep_dims (bool): If ``True`` , keep these reduced dimensions and the length is 1.
|
|
699
|
+
If ``False`` , don't keep these dimensions. Default: ``False`` .
|
|
700
|
+
dtype (:class:`mindspore.dtype`): The desired data type of returned Tensor. Default: ``None`` .
|
|
701
|
+
|
|
702
|
+
Returns:
|
|
703
|
+
Tensor, has the same data type as input tensor.
|
|
704
|
+
|
|
705
|
+
- If `axis` is ``None`` , and `keep_dims` is ``False`` ,
|
|
706
|
+
the output is a 0-D tensor representing the product of all elements in the input tensor.
|
|
707
|
+
- If `axis` is int, set as 1, and `keep_dims` is ``False`` ,
|
|
708
|
+
the shape of output is :math:`(input_0, input_2, ..., input_R)`.
|
|
709
|
+
|
|
710
|
+
Raises:
|
|
711
|
+
TypeError: If `input` is not a Tensor.
|
|
712
|
+
TypeError: If `axis` is not one of the following: int or None.
|
|
713
|
+
TypeError: If `keep_dims` is not a bool.
|
|
714
|
+
ValueError: If `axis` is out of range.
|
|
715
|
+
|
|
716
|
+
Supported Platforms:
|
|
717
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
718
|
+
|
|
719
|
+
Examples:
|
|
720
|
+
>>> import mindspore
|
|
721
|
+
>>> import numpy as np
|
|
722
|
+
>>> from mindspore import Tensor, ops
|
|
723
|
+
>>> x = Tensor(np.random.randn(3, 4, 5, 6).astype(np.float32))
|
|
724
|
+
>>> output = ops.ProdExt()(x, 1, keep_dims=True)
|
|
725
|
+
>>> result = output.shape
|
|
726
|
+
>>> print(result)
|
|
727
|
+
(3, 1, 5, 6)
|
|
728
|
+
>>> # case 1: Reduces a dimension by multiplying all elements in the dimension.
|
|
729
|
+
>>> x = Tensor(np.array([[[1, 1, 1, 1, 1, 1], [2, 2, 2, 2, 2, 2], [3, 3, 3, 3, 3, 3]],
|
|
730
|
+
... [[4, 4, 4, 4, 4, 4], [5, 5, 5, 5, 5, 5], [6, 6, 6, 6, 6, 6]],
|
|
731
|
+
... [[7, 7, 7, 7, 7, 7], [8, 8, 8, 8, 8, 8], [9, 9, 9, 9, 9, 9]]]), mindspore.float32)
|
|
732
|
+
>>> output = ops.ProdExt()(x)
|
|
733
|
+
>>> print(output)
|
|
734
|
+
2.2833798e+33
|
|
735
|
+
>>> print(output.shape)
|
|
736
|
+
()
|
|
737
|
+
>>> # case 2: Reduces a dimension along axis 0.
|
|
738
|
+
>>> output = ops.ProdExt()(x, 0, True)
|
|
739
|
+
>>> print(output)
|
|
740
|
+
[[[ 28. 28. 28. 28. 28. 28.]
|
|
741
|
+
[ 80. 80. 80. 80. 80. 80.]
|
|
742
|
+
[162. 162. 162. 162. 162. 162.]]]
|
|
743
|
+
>>> # case 3: Reduces a dimension along axis 1.
|
|
744
|
+
>>> output = ops.ProdExt()(x, 1, True)
|
|
745
|
+
>>> print(output)
|
|
746
|
+
[[[ 6. 6. 6. 6. 6. 6.]]
|
|
747
|
+
[[120. 120. 120. 120. 120. 120.]]
|
|
748
|
+
[[504. 504. 504. 504. 504. 504.]]]
|
|
749
|
+
>>> # case 4: Reduces a dimension along axis 2.
|
|
750
|
+
>>> output = ops.ProdExt()(x, 2, True)
|
|
751
|
+
>>> print(output)
|
|
752
|
+
[[[1.00000e+00]
|
|
753
|
+
[6.40000e+01]
|
|
754
|
+
[7.29000e+02]]
|
|
755
|
+
[[4.09600e+03]
|
|
756
|
+
[1.56250e+04]
|
|
757
|
+
[4.66560e+04]]
|
|
758
|
+
[[1.17649e+05]
|
|
759
|
+
[2.62144e+05]
|
|
760
|
+
[5.31441e+05]]]
|
|
761
|
+
"""
|
|
762
|
+
return prod_impl(input, axis, keep_dims, dtype)
|
|
763
|
+
|
|
764
|
+
|
|
765
|
+
def softplus(input, beta=1, threshold=20):
|
|
766
|
+
r"""
|
|
767
|
+
Applies softplus function to `input` element-wise.
|
|
768
|
+
|
|
769
|
+
The softplus function is shown as follows, x is the element of `input` :
|
|
770
|
+
|
|
771
|
+
.. math::
|
|
772
|
+
|
|
773
|
+
\text{output} = \frac{1}{beta}\log(1 + \exp(\text{beta * x}))
|
|
774
|
+
|
|
775
|
+
where :math:`input * beta > threshold`, the implementation converts to the linear function to ensure numerical stability.
|
|
776
|
+
|
|
777
|
+
Args:
|
|
778
|
+
input (Tensor): Tensor of any dimension. Supported dtypes:
|
|
779
|
+
|
|
780
|
+
- Ascend: float16, float32, bfloat16.
|
|
781
|
+
beta (number.Number, optional): Scaling parameters in the softplus function. Default: ``1`` .
|
|
782
|
+
threshold (number.Number, optional): For numerical stability, the softplus function is converted
|
|
783
|
+
to a threshold parameter of a linear function. Default: ``20`` .
|
|
784
|
+
|
|
785
|
+
Returns:
|
|
786
|
+
Tensor, with the same type and shape as the input.
|
|
787
|
+
|
|
788
|
+
Raises:
|
|
789
|
+
TypeError: If `input` is not a Tensor.
|
|
790
|
+
TypeError: If dtype of `input` is not float16, float32, bfloat16.
|
|
791
|
+
|
|
792
|
+
Supported Platforms:
|
|
793
|
+
``Ascend``
|
|
794
|
+
|
|
795
|
+
Examples:
|
|
796
|
+
>>> import mindspore
|
|
797
|
+
>>> import numpy as np
|
|
798
|
+
>>> from mindspore import Tensor, ops
|
|
799
|
+
>>> input = Tensor(np.array([0.1, 0.2, 30, 25]), mindspore.float32)
|
|
800
|
+
>>> output = ops.auto_generate.softplus_ext(input)
|
|
801
|
+
>>> print(output)
|
|
802
|
+
[0.74439657 0.7981388 30. 25.]
|
|
803
|
+
"""
|
|
804
|
+
return softplus_impl(input, beta, threshold)
|
|
805
|
+
|
|
806
|
+
|
|
807
|
+
def sort(input, dim=-1, descending=False, stable=False):
|
|
808
|
+
r"""
|
|
809
|
+
None
|
|
810
|
+
"""
|
|
811
|
+
return sort_impl(input, dim, descending, stable)
|
|
812
|
+
|
|
813
|
+
|
|
814
|
+
def stack(tensors, dim=0):
|
|
815
|
+
r"""
|
|
816
|
+
Stacks a list of tensors in specified dim.
|
|
817
|
+
|
|
818
|
+
Stacks the list of input tensors with the same rank `R`, output is a tensor of rank `(R+1)`.
|
|
819
|
+
|
|
820
|
+
Given input tensors of shape :math:`(x_1, x_2, ..., x_R)`. Set the number of input tensors as `N`.
|
|
821
|
+
If :math:`dim \ge 0`, the shape of the output tensor is
|
|
822
|
+
:math:`(x_1, x_2, ..., x_{dim}, N, x_{dim+1}, ..., x_R)`.
|
|
823
|
+
|
|
824
|
+
Args:
|
|
825
|
+
tensors (Union[tuple, list]): A Tuple or list of Tensor objects with the same shape and type.
|
|
826
|
+
dim (int): Dimension to stack. The range is [-(R+1), R+1). Default: ``0`` .
|
|
827
|
+
|
|
828
|
+
Returns:
|
|
829
|
+
Tensor. A stacked Tensor with the same type as `tensors`.
|
|
830
|
+
|
|
831
|
+
Raises:
|
|
832
|
+
TypeError: If the data types of elements in `tensors` are not the same.
|
|
833
|
+
ValueError: If `dim` is out of the range [-(R+1), R+1);
|
|
834
|
+
or if the shapes of elements in tensors are not the same.
|
|
835
|
+
|
|
836
|
+
Supported Platforms:
|
|
837
|
+
``Ascend``
|
|
838
|
+
|
|
839
|
+
Examples:
|
|
840
|
+
>>> import mindspore
|
|
841
|
+
>>> from mindspore import Tensor, ops
|
|
842
|
+
>>> import numpy as np
|
|
843
|
+
>>> data1 = Tensor(np.array([0, 1]).astype(np.float32))
|
|
844
|
+
>>> data2 = Tensor(np.array([2, 3]).astype(np.float32))
|
|
845
|
+
>>> output = ops.auto_generate.stack_ext([data1, data2], 0)
|
|
846
|
+
>>> print(output)
|
|
847
|
+
[[0. 1.]
|
|
848
|
+
[2. 3.]]
|
|
849
|
+
"""
|
|
850
|
+
return stack_impl(tensors, dim)
|
|
851
|
+
|
|
852
|
+
|
|
853
|
+
def sub(input, other, alpha=1):
|
|
854
|
+
r"""
|
|
855
|
+
Subtracts scaled other value from input Tensor.
|
|
856
|
+
|
|
857
|
+
.. math::
|
|
858
|
+
|
|
859
|
+
out_{i} = input_{i} - alpha \times other_{i}
|
|
860
|
+
|
|
861
|
+
Note:
|
|
862
|
+
- When the two inputs have different shapes,
|
|
863
|
+
they must be able to broadcast to a common shape.
|
|
864
|
+
- The two inputs and alpha comply with the implicit type conversion rules to make the data types
|
|
865
|
+
consistent.
|
|
866
|
+
|
|
867
|
+
Args:
|
|
868
|
+
input (Union[Tensor, number.Number, bool]): The first input is a number.Number or
|
|
869
|
+
a bool or a tensor whose data type is
|
|
870
|
+
`number <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
871
|
+
`bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_.
|
|
872
|
+
other (Union[Tensor, number.Number, bool]): The second input, is a number.Number or
|
|
873
|
+
a bool or a tensor whose data type is
|
|
874
|
+
`number <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_ or
|
|
875
|
+
`bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore.html#mindspore.dtype>`_.
|
|
876
|
+
alpha (number.Number): A scaling factor applied to `other`, default 1.
|
|
877
|
+
|
|
878
|
+
Returns:
|
|
879
|
+
Tensor with a shape that is the same as the broadcasted shape of the input `input` and `other`,
|
|
880
|
+
and the data type is the one with higher precision or higher digits among the two inputs and alpha.
|
|
881
|
+
|
|
882
|
+
Raises:
|
|
883
|
+
TypeError: If the type of `input`, `other`, or `alpha` is not one of the following: Tensor, number.Number, bool.
|
|
884
|
+
TypeError: If `alpha` is of type float but `input` and `other` are not of type float.
|
|
885
|
+
TypeError: If `alpha` is of type bool but `input` and `other` are not of type bool.
|
|
886
|
+
|
|
887
|
+
Supported Platforms:
|
|
888
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
889
|
+
|
|
890
|
+
Examples:
|
|
891
|
+
>>> import numpy as np
|
|
892
|
+
>>> import mindspore
|
|
893
|
+
>>> from mindspore import Tensor
|
|
894
|
+
>>> from mindspore import ops
|
|
895
|
+
>>> x = Tensor(np.array([4, 5, 6]).astype(np.float32))
|
|
896
|
+
>>> y = Tensor(1, mindspore.int32)
|
|
897
|
+
>>> alpha = 0.5
|
|
898
|
+
>>> output = ops.auto_generate.sub_ext(x, y, alpha)
|
|
899
|
+
>>> print(output)
|
|
900
|
+
[3.5 4.5 5.5]
|
|
901
|
+
>>> # the data type of x is float32, the data type of y is int32,
|
|
902
|
+
>>> # alpha is a float, and the output is the data format of higher precision float32.
|
|
903
|
+
>>> print(output.dtype)
|
|
904
|
+
Float32
|
|
905
|
+
"""
|
|
906
|
+
return sub_impl(input, other, alpha)
|
|
907
|
+
|
|
908
|
+
|
|
909
|
+
def topk(input, k, dim=-1, largest=True, sorted=True):
|
|
910
|
+
r"""
|
|
911
|
+
Finds values and indices of the `k` largest or smallest entries along a given dimension.
|
|
912
|
+
|
|
913
|
+
.. warning::
|
|
914
|
+
- If sorted is set to False, due to different memory layout and traversal methods on different platforms,
|
|
915
|
+
the display order of calculation results may be inconsistent when `sorted` is False.
|
|
916
|
+
|
|
917
|
+
If the `input` is a one-dimensional Tensor, finds the `k` largest or smallest entries in the Tensor,
|
|
918
|
+
and outputs its value and index as a Tensor. values[`k`] is the `k` largest item in `input`,
|
|
919
|
+
and its index is indices [`k`].
|
|
920
|
+
|
|
921
|
+
For a multi-dimensional matrix,
|
|
922
|
+
calculates the first or last `k` entries in a given dimension, therefore:
|
|
923
|
+
|
|
924
|
+
.. math::
|
|
925
|
+
|
|
926
|
+
values.shape = indices.shape
|
|
927
|
+
|
|
928
|
+
If the two compared elements are the same, the one with the smaller index value is returned first.
|
|
929
|
+
|
|
930
|
+
Args:
|
|
931
|
+
input (Tensor): Input to be computed.
|
|
932
|
+
k (int): The number of top or bottom elements to be computed along the last dimension.
|
|
933
|
+
dim (int, optional): The dimension to sort along. Default: ``-1`` .
|
|
934
|
+
largest (bool, optional): If largest is ``False`` then the k smallest elements are returned.
|
|
935
|
+
Default: ``True`` .
|
|
936
|
+
sorted (bool, optional): If ``True`` , the obtained elements will be sorted by the values in descending
|
|
937
|
+
order or ascending order according to `largest`. If ``False`` , the obtained elements will not be
|
|
938
|
+
sorted. Default: ``True`` .
|
|
939
|
+
|
|
940
|
+
Returns:
|
|
941
|
+
A tuple consisting of `values` and `indices`.
|
|
942
|
+
|
|
943
|
+
- values (Tensor) - The `k` largest or smallest elements in each slice of the given dimension.
|
|
944
|
+
- indices (Tensor) - The indices of values within the last dimension of input.
|
|
945
|
+
|
|
946
|
+
Raises:
|
|
947
|
+
TypeError: If `sorted` is not a bool.
|
|
948
|
+
TypeError: If `input` is not a Tensor.
|
|
949
|
+
TypeError: If `k` is not an int.
|
|
950
|
+
|
|
951
|
+
Supported Platforms:
|
|
952
|
+
``Ascend``
|
|
953
|
+
|
|
954
|
+
Examples:
|
|
955
|
+
>>> import mindspore as ms
|
|
956
|
+
>>> from mindspore import ops
|
|
957
|
+
>>> x = ms.Tensor([[0.5368, 0.2447, 0.4302, 0.9673],
|
|
958
|
+
... [0.4388, 0.6525, 0.4685, 0.1868],
|
|
959
|
+
... [0.3563, 0.5152, 0.9675, 0.8230]], dtype=ms.float32)
|
|
960
|
+
>>> output = ops.topk_ext(x, 2, dim=1)
|
|
961
|
+
>>> print(output)
|
|
962
|
+
(Tensor(shape=[3, 2], dtype=Float32, value=
|
|
963
|
+
[[ 9.67299998e-01, 5.36800027e-01],
|
|
964
|
+
[ 6.52499974e-01, 4.68499988e-01],
|
|
965
|
+
[ 9.67499971e-01, 8.23000014e-01]]), Tensor(shape=[3, 2], dtype=Int32, value=
|
|
966
|
+
[[3, 0],
|
|
967
|
+
[1, 2],
|
|
968
|
+
[2, 3]]))
|
|
969
|
+
>>> output2 = ops.topk_ext(x, 2, dim=1, largest=False)
|
|
970
|
+
>>> print(output2)
|
|
971
|
+
(Tensor(shape=[3, 2], dtype=Float32, value=
|
|
972
|
+
[[ 2.44700000e-01, 4.30200011e-01],
|
|
973
|
+
[ 1.86800003e-01, 4.38800007e-01],
|
|
974
|
+
[ 3.56299996e-01, 5.15200019e-01]]), Tensor(shape=[3, 2], dtype=Int32, value=
|
|
975
|
+
[[1, 2],
|
|
976
|
+
[3, 0],
|
|
977
|
+
[0, 1]]))
|
|
978
|
+
"""
|
|
979
|
+
return topk_impl(input, k, dim, largest, sorted)
|
|
980
|
+
|