mindspore 2.0.0rc1__cp38-cp38-manylinux1_x86_64.whl → 2.2.0__cp38-cp38-manylinux1_x86_64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/Third_Party_Open_Source_Software_Notice +2 -2
- mindspore/__init__.py +5 -2
- mindspore/_akg/akg/build_module.py +5 -6
- mindspore/_akg/akg/composite/build_module.py +49 -16
- mindspore/_akg/akg/composite/split_stitch.py +10 -11
- mindspore/_akg/akg/config/repository.json +195 -0
- mindspore/_akg/akg/global_configs.py +5 -1
- mindspore/_akg/akg/ms/info_version_adapt.py +67 -1
- mindspore/_akg/akg/tvm/api.py +4 -3
- mindspore/_akg/akg/tvm/autotvm/__init__.py +1 -2
- mindspore/_akg/akg/tvm/autotvm/graph_tuner/base_graph_tuner.py +1 -5
- mindspore/_akg/akg/tvm/autotvm/measure/__init__.py +1 -1
- mindspore/_akg/akg/tvm/autotvm/measure/measure.py +1 -10
- mindspore/_akg/akg/tvm/autotvm/measure/measure_methods.py +1 -372
- mindspore/_akg/akg/tvm/build_module.py +16 -1
- mindspore/_akg/akg/tvm/contrib/graph_runtime.py +0 -53
- mindspore/_akg/akg/tvm/hybrid/parser.py +7 -6
- mindspore/_akg/akg/tvm/ir_builder.py +1 -1
- mindspore/_akg/akg/tvm/module.py +1 -2
- mindspore/_akg/akg/tvm/stmt.py +2 -2
- mindspore/_akg/akg/utils/composite_op_helper.py +9 -10
- mindspore/_akg/akg/utils/kernel_exec.py +58 -260
- mindspore/_akg/akg/utils/op_dsl.py +17 -1
- mindspore/_akg/akg/utils/result_analysis.py +4 -24
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +198 -0
- mindspore/_c_dataengine.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +5 -1
- mindspore/_checkparam.py +79 -62
- mindspore/_extends/graph_kernel/__init__.py +0 -1
- mindspore/_extends/graph_kernel/model/graph_split.py +2 -0
- mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
- mindspore/_extends/graph_kernel/splitter.py +1 -9
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +128 -21
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +2 -2
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +18 -13
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +13 -9
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
- mindspore/_extends/parse/__init__.py +19 -17
- mindspore/_extends/parse/namespace.py +7 -36
- mindspore/_extends/parse/parser.py +375 -189
- mindspore/_extends/parse/resources.py +36 -41
- mindspore/_extends/parse/standard_method.py +350 -245
- mindspore/_extends/parse/trope.py +2 -12
- mindspore/_extends/remote/kernel_build_server.py +24 -7
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_install_custom.py +43 -0
- mindspore/_mindspore_offline_debug.cpython-38-x86_64-linux-gnu.so +0 -0
- mindspore/amp.py +85 -19
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/base.py +2 -2
- mindspore/boost/boost.py +27 -32
- mindspore/boost/boost_cell_wrapper.py +37 -13
- mindspore/boost/grad_accumulation.py +1 -1
- mindspore/boost/grad_freeze.py +34 -6
- mindspore/boost/group_loss_scale_manager.py +15 -14
- mindspore/boost/less_batch_normalization.py +28 -3
- mindspore/common/__init__.py +15 -11
- mindspore/common/_auto_dynamic.py +68 -0
- mindspore/common/_jit_fallback_utils.py +111 -0
- mindspore/common/_register_for_adapter.py +17 -5
- mindspore/common/_register_for_tensor.py +2 -2
- mindspore/common/_stub_tensor.py +18 -15
- mindspore/common/_utils.py +31 -7
- mindspore/common/api.py +269 -101
- mindspore/common/auto_dynamic_shape.py +498 -0
- mindspore/common/dtype.py +61 -21
- mindspore/common/dump.py +9 -7
- mindspore/common/initializer.py +106 -76
- mindspore/common/jit_config.py +35 -14
- mindspore/common/lazy_inline.py +187 -0
- mindspore/common/mindir_util.py +101 -0
- mindspore/common/mutable.py +10 -13
- mindspore/common/parameter.py +246 -55
- mindspore/common/seed.py +13 -7
- mindspore/common/sparse_tensor.py +29 -33
- mindspore/common/tensor.py +907 -251
- mindspore/communication/__init__.py +7 -4
- mindspore/communication/_comm_helper.py +84 -4
- mindspore/communication/management.py +160 -88
- mindspore/config/op_info.config +99 -75
- mindspore/config/super_bar_config.json +36 -4
- mindspore/context.py +526 -219
- mindspore/dataset/__init__.py +9 -46
- mindspore/dataset/audio/__init__.py +4 -19
- mindspore/dataset/audio/transforms.py +545 -233
- mindspore/dataset/audio/utils.py +21 -18
- mindspore/dataset/callback/ds_callback.py +42 -13
- mindspore/dataset/core/config.py +158 -100
- mindspore/dataset/core/validator_helpers.py +1 -63
- mindspore/dataset/debug/debug_hook.py +45 -13
- mindspore/dataset/debug/pre_defined_hook.py +5 -5
- mindspore/dataset/engine/__init__.py +0 -5
- mindspore/dataset/engine/cache_client.py +38 -15
- mindspore/dataset/engine/datasets.py +615 -278
- mindspore/dataset/engine/datasets_audio.py +154 -283
- mindspore/dataset/engine/datasets_standard_format.py +104 -116
- mindspore/dataset/engine/datasets_text.py +443 -326
- mindspore/dataset/engine/datasets_user_defined.py +251 -164
- mindspore/dataset/engine/datasets_vision.py +839 -1443
- mindspore/dataset/engine/iterators.py +11 -4
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +7 -3
- mindspore/dataset/engine/obs/util.py +3 -0
- mindspore/dataset/engine/offload.py +6 -6
- mindspore/dataset/engine/queue.py +15 -14
- mindspore/dataset/engine/samplers.py +39 -23
- mindspore/dataset/engine/serializer_deserializer.py +22 -6
- mindspore/dataset/engine/validators.py +21 -331
- mindspore/dataset/text/__init__.py +5 -33
- mindspore/dataset/text/transforms.py +334 -165
- mindspore/dataset/text/utils.py +215 -145
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/c_transforms.py +3 -2
- mindspore/dataset/transforms/py_transforms_util.py +40 -12
- mindspore/dataset/transforms/transforms.py +174 -71
- mindspore/dataset/utils/browse_dataset.py +25 -17
- mindspore/dataset/utils/line_reader.py +24 -21
- mindspore/dataset/vision/__init__.py +5 -26
- mindspore/dataset/vision/c_transforms.py +177 -165
- mindspore/dataset/vision/py_transforms.py +114 -119
- mindspore/dataset/vision/py_transforms_util.py +54 -51
- mindspore/dataset/vision/transforms.py +1127 -381
- mindspore/dataset/vision/utils.py +54 -38
- mindspore/dataset/vision/validators.py +12 -2
- mindspore/experimental/map_parameter.py +38 -4
- mindspore/{dataset/datapreprocess → experimental/optim}/__init__.py +14 -4
- mindspore/experimental/optim/adam.py +192 -0
- mindspore/experimental/optim/adamw.py +181 -0
- mindspore/experimental/optim/lr_scheduler.py +1427 -0
- mindspore/experimental/optim/optimizer.py +252 -0
- mindspore/experimental/optim/sgd.py +147 -0
- mindspore/gen_ops.py +273 -0
- mindspore/include/OWNERS +1 -2
- mindspore/include/api/context.h +21 -1
- mindspore/include/api/data_type.h +2 -1
- mindspore/include/api/graph.h +0 -15
- mindspore/include/api/kernel.h +2 -0
- mindspore/include/api/kernel_api.h +37 -12
- mindspore/include/api/model.h +29 -42
- mindspore/include/api/model_group.h +14 -3
- mindspore/include/api/model_parallel_runner.h +18 -2
- mindspore/include/api/serialization.h +26 -0
- mindspore/include/api/status.h +1 -0
- mindspore/include/api/types.h +38 -4
- mindspore/include/c_api/ms/abstract.h +67 -0
- mindspore/include/c_api/ms/attribute.h +197 -0
- mindspore/include/c_api/ms/base/handle_types.h +43 -0
- mindspore/include/c_api/ms/base/macros.h +32 -0
- mindspore/include/c_api/ms/base/status.h +33 -0
- mindspore/include/c_api/ms/base/types.h +282 -0
- mindspore/include/c_api/ms/context.h +102 -0
- mindspore/include/c_api/ms/graph.h +160 -0
- mindspore/include/c_api/ms/node.h +606 -0
- mindspore/include/c_api/ms/tensor.h +161 -0
- mindspore/include/c_api/ms/value.h +84 -0
- mindspore/include/c_api/status_c.h +3 -0
- mindspore/include/dataset/constants.h +6 -12
- mindspore/include/dataset/execute.h +23 -13
- mindspore/include/dataset/text.h +26 -26
- mindspore/include/dataset/transforms.h +25 -31
- mindspore/include/dataset/vision.h +60 -60
- mindspore/include/dataset/vision_ascend.h +5 -6
- mindspore/include/dataset/vision_lite.h +17 -17
- mindspore/include/mindapi/base/format.h +0 -1
- mindspore/include/mindapi/base/type_id.h +2 -1
- mindspore/include/mindapi/base/types.h +5 -1
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libjemalloc.so.2 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_glog.so.0 +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libmpi_adapter.so +0 -0
- mindspore/lib/libnnacl.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
- mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
- mindspore/lib/libps_cache.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +9000 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
- mindspore/lib/plugin/ascend/libakg.so +0 -0
- mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/cpu/libakg.so +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.10 +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.11 +0 -0
- mindspore/lib/plugin/gpu10.1/libakg.so +0 -0
- mindspore/lib/plugin/gpu10.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu10.1/libnvidia_collective.so +0 -0
- mindspore/lib/plugin/gpu11.1/libakg.so +0 -0
- mindspore/lib/plugin/gpu11.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.1/libnvidia_collective.so +0 -0
- mindspore/lib/plugin/gpu11.6/libakg.so +0 -0
- mindspore/lib/plugin/gpu11.6/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.6/libnvidia_collective.so +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.10.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.6 +0 -0
- mindspore/log.py +9 -6
- mindspore/mindrecord/filereader.py +33 -4
- mindspore/mindrecord/filewriter.py +70 -35
- mindspore/mindrecord/mindpage.py +40 -34
- mindspore/mindrecord/shardreader.py +1 -1
- mindspore/mindrecord/shardsegment.py +1 -1
- mindspore/mindrecord/tools/cifar100_to_mr.py +25 -18
- mindspore/mindrecord/tools/cifar10_to_mr.py +25 -18
- mindspore/mindrecord/tools/csv_to_mr.py +29 -13
- mindspore/mindrecord/tools/imagenet_to_mr.py +24 -10
- mindspore/mindrecord/tools/mnist_to_mr.py +24 -11
- mindspore/mindrecord/tools/tfrecord_to_mr.py +31 -26
- mindspore/nn/cell.py +463 -169
- mindspore/nn/dynamic_lr.py +47 -43
- mindspore/nn/layer/activation.py +225 -82
- mindspore/nn/layer/basic.py +121 -79
- mindspore/nn/layer/channel_shuffle.py +21 -21
- mindspore/nn/layer/combined.py +33 -26
- mindspore/nn/layer/container.py +277 -22
- mindspore/nn/layer/conv.py +441 -304
- mindspore/nn/layer/dense.py +19 -13
- mindspore/nn/layer/embedding.py +62 -49
- mindspore/nn/layer/flash_attention.py +264 -0
- mindspore/nn/layer/image.py +50 -39
- mindspore/nn/layer/math.py +62 -51
- mindspore/nn/layer/normalization.py +219 -167
- mindspore/nn/layer/padding.py +58 -70
- mindspore/nn/layer/pooling.py +334 -287
- mindspore/nn/layer/rnn_cells.py +53 -38
- mindspore/nn/layer/rnns.py +59 -56
- mindspore/nn/layer/thor_layer.py +52 -44
- mindspore/nn/layer/timedistributed.py +6 -4
- mindspore/nn/layer/transformer.py +284 -164
- mindspore/nn/learning_rate_schedule.py +34 -25
- mindspore/nn/loss/__init__.py +3 -2
- mindspore/nn/loss/loss.py +554 -311
- mindspore/nn/optim/ada_grad.py +12 -9
- mindspore/nn/optim/adadelta.py +14 -11
- mindspore/nn/optim/adafactor.py +19 -16
- mindspore/nn/optim/adam.py +62 -47
- mindspore/nn/optim/adamax.py +13 -10
- mindspore/nn/optim/adasum.py +12 -8
- mindspore/nn/optim/asgd.py +10 -9
- mindspore/nn/optim/ftrl.py +20 -17
- mindspore/nn/optim/lamb.py +16 -12
- mindspore/nn/optim/lars.py +8 -6
- mindspore/nn/optim/lazyadam.py +25 -20
- mindspore/nn/optim/momentum.py +10 -7
- mindspore/nn/optim/optimizer.py +61 -9
- mindspore/nn/optim/proximal_ada_grad.py +14 -13
- mindspore/nn/optim/rmsprop.py +17 -13
- mindspore/nn/optim/rprop.py +30 -17
- mindspore/nn/optim/sgd.py +40 -23
- mindspore/nn/optim/thor.py +24 -26
- mindspore/nn/probability/bijector/bijector.py +11 -11
- mindspore/nn/probability/bijector/exp.py +1 -1
- mindspore/nn/probability/bijector/gumbel_cdf.py +3 -3
- mindspore/nn/probability/bijector/invert.py +1 -1
- mindspore/nn/probability/bijector/power_transform.py +29 -29
- mindspore/nn/probability/bijector/scalar_affine.py +3 -3
- mindspore/nn/probability/bijector/softplus.py +5 -5
- mindspore/nn/probability/bnn_layers/bnn_cell_wrapper.py +4 -2
- mindspore/nn/probability/bnn_layers/conv_variational.py +13 -13
- mindspore/nn/probability/bnn_layers/dense_variational.py +12 -12
- mindspore/nn/probability/bnn_layers/layer_distribution.py +9 -8
- mindspore/nn/probability/distribution/_utils/custom_ops.py +19 -3
- mindspore/nn/probability/distribution/_utils/utils.py +1 -1
- mindspore/nn/probability/distribution/bernoulli.py +9 -9
- mindspore/nn/probability/distribution/beta.py +8 -8
- mindspore/nn/probability/distribution/categorical.py +23 -15
- mindspore/nn/probability/distribution/cauchy.py +5 -6
- mindspore/nn/probability/distribution/distribution.py +3 -3
- mindspore/nn/probability/distribution/exponential.py +4 -4
- mindspore/nn/probability/distribution/gamma.py +10 -10
- mindspore/nn/probability/distribution/geometric.py +8 -8
- mindspore/nn/probability/distribution/gumbel.py +8 -9
- mindspore/nn/probability/distribution/half_normal.py +5 -5
- mindspore/nn/probability/distribution/laplace.py +5 -5
- mindspore/nn/probability/distribution/log_normal.py +12 -11
- mindspore/nn/probability/distribution/logistic.py +8 -8
- mindspore/nn/probability/distribution/normal.py +6 -5
- mindspore/nn/probability/distribution/poisson.py +10 -11
- mindspore/nn/probability/distribution/student_t.py +8 -9
- mindspore/nn/probability/distribution/transformed_distribution.py +5 -5
- mindspore/nn/probability/distribution/uniform.py +11 -11
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +9 -9
- mindspore/nn/wrap/cell_wrapper.py +188 -63
- mindspore/nn/wrap/grad_reducer.py +21 -12
- mindspore/nn/wrap/loss_scale.py +136 -49
- mindspore/numpy/__init__.py +4 -4
- mindspore/numpy/array_creations.py +55 -56
- mindspore/numpy/array_ops.py +134 -35
- mindspore/numpy/logic_ops.py +66 -20
- mindspore/numpy/math_ops.py +142 -139
- mindspore/numpy/utils_const.py +2 -2
- mindspore/offline_debug/convert_async.py +2 -2
- mindspore/ops/_grad_experimental/__init__.py +7 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +231 -348
- mindspore/ops/{_grad → _grad_experimental}/grad_base.py +1 -33
- mindspore/ops/{_grad → _grad_experimental}/grad_comm_ops.py +25 -13
- mindspore/ops/{_grad/__init__.py → _grad_experimental/grad_debug_ops.py} +15 -7
- mindspore/ops/{_grad → _grad_experimental}/grad_implementations.py +17 -11
- mindspore/ops/_grad_experimental/grad_inner_ops.py +33 -52
- mindspore/ops/_grad_experimental/grad_math_ops.py +151 -1224
- mindspore/ops/_grad_experimental/grad_nn_ops.py +141 -414
- mindspore/ops/{_grad → _grad_experimental}/grad_quant_ops.py +10 -6
- mindspore/ops/_grad_experimental/grad_sparse.py +317 -2
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -13
- mindspore/ops/{_grad → _grad_experimental}/taylor_rule.py +1 -1
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/flash_attention/__init__.py +0 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +406 -0
- mindspore/{_extends/graph_kernel/expanders/complex/__init__.py → ops/_op_impl/_custom_op/flash_attention/constants.py} +27 -8
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +467 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +563 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +193 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +435 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/__init__.py +0 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/sparse_tiling.py +45 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/strategy.py +67 -0
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +62 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
- mindspore/ops/_op_impl/aicpu/__init__.py +41 -1
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d.py +37 -0
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/cast.py +52 -0
- mindspore/ops/_op_impl/aicpu/coalesce.py +2 -0
- mindspore/ops/_op_impl/aicpu/col2im.py +3 -1
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/dropout_genmask.py +6 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/eye.py +4 -4
- mindspore/ops/_op_impl/aicpu/fft_with_size.py +6 -0
- mindspore/ops/_op_impl/aicpu/fill_diagonal.py +5 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
- mindspore/ops/_op_impl/aicpu/im2col.py +3 -5
- mindspore/ops/_op_impl/aicpu/lgamma.py +1 -0
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
- mindspore/ops/_op_impl/aicpu/lu.py +39 -0
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/masked_scatter.py +1 -0
- mindspore/ops/_op_impl/aicpu/masked_select_grad.py +3 -0
- mindspore/ops/_op_impl/aicpu/matrix_band_part.py +59 -0
- mindspore/ops/_op_impl/aicpu/matrix_power.py +6 -1
- mindspore/ops/_op_impl/aicpu/median.py +1 -0
- mindspore/ops/_op_impl/aicpu/multinomial.py +9 -9
- mindspore/ops/_op_impl/aicpu/not_equal.py +0 -5
- mindspore/ops/_op_impl/aicpu/pad_v3.py +3 -1
- mindspore/ops/_op_impl/aicpu/pad_v3_grad.py +2 -0
- mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
- mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
- mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
- mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
- mindspore/ops/_op_impl/aicpu/resize_bilinear_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2.py +0 -6
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2_grad.py +0 -7
- mindspore/ops/_op_impl/aicpu/scatter_nd.py +2 -0
- mindspore/ops/_op_impl/aicpu/sequence_concat.py +40 -0
- mindspore/ops/_op_impl/aicpu/sequence_stack.py +40 -0
- mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
- mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
- mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -4
- mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -4
- mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
- mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
- mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
- mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
- mindspore/ops/_op_impl/aicpu/upsample_nearest_3d.py +14 -6
- mindspore/ops/_op_impl/aicpu/upsample_nearest_3d_grad.py +22 -8
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d.py +11 -6
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d_grad.py +21 -10
- mindspore/ops/_op_impl/tbe/__init__.py +6 -4
- mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/avg_pool.py +2 -2
- mindspore/ops/_op_impl/tbe/avg_pool_3d.py +3 -3
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +4 -4
- mindspore/ops/_op_impl/tbe/avg_pool_ds.py +2 -2
- mindspore/ops/_op_impl/tbe/avg_pool_grad.py +3 -3
- mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +3 -3
- mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +2 -2
- mindspore/ops/_op_impl/tbe/bn_infer.py +2 -2
- mindspore/ops/_op_impl/tbe/bn_infer_ds.py +3 -2
- mindspore/ops/_op_impl/tbe/broadcast_to.py +1 -1
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +3 -3
- mindspore/ops/_op_impl/tbe/expand_dims.py +1 -1
- mindspore/ops/_op_impl/tbe/gather_v2.py +56 -0
- mindspore/ops/_op_impl/tbe/im2col.py +4 -4
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
- mindspore/ops/_op_impl/tbe/mem_set.py +38 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +3 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_d.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +2 -2
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +1 -1
- mindspore/ops/_tracefunc.py +241 -0
- mindspore/ops/_utils/utils.py +10 -2
- mindspore/ops/_vmap/vmap_array_ops.py +5 -3
- mindspore/ops/_vmap/vmap_base.py +5 -4
- mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +11 -6
- mindspore/ops/_vmap/vmap_math_ops.py +5 -2
- mindspore/ops/_vmap/vmap_nn_ops.py +135 -11
- mindspore/ops/arg_dtype_cast.py +54 -0
- mindspore/ops/composite/__init__.py +7 -5
- mindspore/ops/composite/base.py +78 -34
- mindspore/ops/composite/math_ops.py +5 -695
- mindspore/ops/composite/multitype_ops/_compile_utils.py +403 -97
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +28 -22
- mindspore/ops/composite/multitype_ops/add_impl.py +69 -7
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/div_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/getitem_impl.py +48 -10
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/mod_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/negative_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/not_in_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +10 -7
- mindspore/ops/composite/multitype_ops/sub_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/uadd_impl.py +2 -0
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
- mindspore/ops/deprecated.py +304 -0
- mindspore/ops/function/__init__.py +41 -4
- mindspore/ops/function/array_func.py +1108 -467
- mindspore/ops/function/clip_func.py +94 -27
- mindspore/ops/function/debug_func.py +3 -1
- mindspore/ops/function/grad/grad_func.py +82 -73
- mindspore/ops/function/image_func.py +28 -12
- mindspore/ops/function/linalg_func.py +135 -39
- mindspore/ops/function/math_func.py +3779 -894
- mindspore/ops/function/nn_func.py +1584 -657
- mindspore/ops/function/parameter_func.py +13 -3
- mindspore/ops/function/random_func.py +247 -153
- mindspore/ops/function/sparse_func.py +14 -11
- mindspore/ops/function/sparse_unary_func.py +173 -47
- mindspore/ops/function/spectral_func.py +8 -4
- mindspore/ops/function/vmap_func.py +8 -7
- mindspore/ops/functional.py +47 -16
- mindspore/ops/op_info_register.py +346 -86
- mindspore/ops/operations/__init__.py +38 -22
- mindspore/ops/operations/_grad_ops.py +145 -149
- mindspore/ops/operations/_inner_ops.py +298 -56
- mindspore/ops/operations/_ms_kernel.py +3 -3
- mindspore/ops/operations/_quant_ops.py +24 -28
- mindspore/ops/operations/_rl_inner_ops.py +9 -7
- mindspore/ops/operations/_scalar_ops.py +115 -0
- mindspore/ops/operations/_sequence_ops.py +148 -10
- mindspore/ops/operations/_tensor_array.py +1 -1
- mindspore/ops/operations/_thor_ops.py +2 -2
- mindspore/ops/operations/array_ops.py +1239 -561
- mindspore/ops/operations/comm_ops.py +166 -90
- mindspore/ops/operations/control_ops.py +3 -3
- mindspore/ops/operations/custom_ops.py +124 -102
- mindspore/ops/operations/debug_ops.py +24 -11
- mindspore/ops/operations/image_ops.py +86 -71
- mindspore/ops/operations/inner_ops.py +18 -13
- mindspore/ops/operations/linalg_ops.py +30 -11
- mindspore/ops/operations/math_ops.py +1730 -435
- mindspore/ops/operations/nn_ops.py +1953 -943
- mindspore/ops/operations/other_ops.py +65 -43
- mindspore/ops/operations/random_ops.py +258 -98
- mindspore/ops/operations/rl_ops.py +4 -36
- mindspore/ops/operations/sparse_ops.py +38 -33
- mindspore/ops/operations/spectral_ops.py +8 -4
- mindspore/ops/primitive.py +66 -44
- mindspore/ops/signature.py +5 -5
- mindspore/parallel/_auto_parallel_context.py +80 -19
- mindspore/parallel/_cost_model_context.py +42 -0
- mindspore/parallel/_offload_context.py +162 -72
- mindspore/parallel/_parallel_serialization.py +2 -2
- mindspore/parallel/_ps_context.py +16 -4
- mindspore/parallel/_recovery_context.py +2 -1
- mindspore/parallel/_tensor.py +15 -13
- mindspore/parallel/_transformer/layers.py +8 -6
- mindspore/parallel/_transformer/loss.py +1 -0
- mindspore/parallel/_transformer/moe.py +7 -7
- mindspore/parallel/_transformer/op_parallel_config.py +12 -1
- mindspore/parallel/_transformer/transformer.py +34 -14
- mindspore/parallel/_utils.py +36 -14
- mindspore/parallel/algo_parameter_config.py +114 -20
- mindspore/parallel/checkpoint_transform.py +16 -18
- mindspore/parallel/shard.py +16 -13
- mindspore/profiler/__init__.py +1 -1
- mindspore/profiler/common/struct_type.py +3 -3
- mindspore/profiler/common/util.py +3 -2
- mindspore/profiler/envprofiling.py +11 -4
- mindspore/profiler/parser/aicpu_data_parser.py +5 -3
- mindspore/profiler/parser/ascend_flops_generator.py +94 -0
- mindspore/profiler/parser/ascend_fpbp_generator.py +76 -0
- mindspore/profiler/parser/ascend_hccl_generator.py +288 -0
- mindspore/profiler/parser/ascend_msprof_exporter.py +213 -0
- mindspore/profiler/parser/ascend_msprof_generator.py +199 -0
- mindspore/profiler/parser/ascend_op_generator.py +276 -0
- mindspore/profiler/parser/ascend_steptrace_generator.py +94 -0
- mindspore/profiler/parser/ascend_timeline_generator.py +110 -54
- mindspore/profiler/parser/base_timeline_generator.py +11 -7
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +45 -46
- mindspore/profiler/parser/flops_parser.py +15 -11
- mindspore/profiler/parser/framework_parser.py +92 -73
- mindspore/profiler/parser/hccl_parser.py +16 -12
- mindspore/profiler/parser/integrator.py +22 -11
- mindspore/profiler/parser/memory_usage_parser.py +36 -11
- mindspore/profiler/parser/minddata_analyzer.py +12 -14
- mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
- mindspore/profiler/parser/msadvisor_parser.py +8 -4
- mindspore/profiler/parser/op_intermediate_parser.py +5 -2
- mindspore/profiler/parser/optime_parser.py +1 -1
- mindspore/profiler/parser/profiler_info.py +4 -5
- mindspore/profiler/parser/step_trace_parser.py +11 -14
- mindspore/profiler/profiling.py +678 -377
- mindspore/rewrite/api/node.py +211 -54
- mindspore/rewrite/api/node_type.py +5 -0
- mindspore/rewrite/api/pattern_engine.py +22 -23
- mindspore/rewrite/api/scoped_value.py +20 -17
- mindspore/rewrite/api/symbol_tree.py +252 -106
- mindspore/rewrite/api/tree_node_helper.py +3 -0
- mindspore/rewrite/ast_helpers/__init__.py +2 -1
- mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +97 -46
- mindspore/rewrite/common/rewrite_elog.py +5 -1
- mindspore/rewrite/namer.py +51 -51
- mindspore/rewrite/namespace.py +14 -5
- mindspore/{ops/bprop_mindir → rewrite/node}/__init__.py +9 -4
- mindspore/rewrite/node/call_function.py +79 -0
- mindspore/rewrite/node/cell_container.py +135 -0
- mindspore/rewrite/node/control_flow.py +88 -0
- mindspore/rewrite/{node.py → node/node.py} +313 -247
- mindspore/rewrite/node/node_manager.py +254 -0
- mindspore/rewrite/node/node_topological_manager.py +243 -0
- mindspore/rewrite/parsers/arguments_parser.py +22 -21
- mindspore/rewrite/parsers/assign_parser.py +225 -239
- mindspore/rewrite/parsers/attribute_parser.py +9 -7
- mindspore/rewrite/parsers/class_def_parser.py +179 -218
- mindspore/rewrite/parsers/constant_parser.py +9 -6
- mindspore/rewrite/parsers/container_parser.py +9 -7
- mindspore/rewrite/parsers/for_parser.py +36 -15
- mindspore/rewrite/parsers/function_def_parser.py +23 -20
- mindspore/rewrite/parsers/if_parser.py +28 -24
- mindspore/rewrite/parsers/module_parser.py +202 -25
- mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
- mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
- mindspore/rewrite/parsers/return_parser.py +6 -6
- mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
- mindspore/rewrite/sparsify/sparsify.py +4 -1
- mindspore/rewrite/sparsify/utils.py +11 -5
- mindspore/rewrite/symbol_tree.py +577 -732
- mindspore/rewrite/symbol_tree_builder.py +9 -175
- mindspore/rewrite/symbol_tree_dumper.py +2 -2
- mindspore/run_check/_check_version.py +46 -39
- mindspore/run_check/run_check.py +3 -2
- mindspore/{scipy/sparse → safeguard}/__init__.py +4 -5
- mindspore/safeguard/rewrite_obfuscation.py +517 -0
- mindspore/scipy/__init__.py +1 -1
- mindspore/scipy/linalg.py +67 -61
- mindspore/scipy/ops.py +5 -41
- mindspore/scipy/ops_grad.py +3 -2
- mindspore/scipy/ops_wrapper.py +5 -5
- mindspore/scipy/optimize/line_search.py +8 -8
- mindspore/scipy/optimize/linear_sum_assignment.py +4 -4
- mindspore/scipy/optimize/minimize.py +16 -12
- mindspore/scipy/utils.py +1 -52
- mindspore/scipy/utils_const.py +4 -4
- mindspore/train/__init__.py +4 -4
- mindspore/train/_utils.py +13 -5
- mindspore/train/amp.py +410 -148
- mindspore/train/anf_ir_pb2.py +16 -4
- mindspore/train/callback/_backup_and_restore.py +8 -11
- mindspore/train/callback/_callback.py +80 -3
- mindspore/train/callback/_checkpoint.py +82 -51
- mindspore/train/callback/_early_stop.py +12 -15
- mindspore/train/callback/_history.py +1 -1
- mindspore/train/callback/_lambda_callback.py +13 -13
- mindspore/train/callback/_landscape.py +21 -17
- mindspore/train/callback/_loss_monitor.py +9 -10
- mindspore/train/callback/_on_request_exit.py +16 -33
- mindspore/train/callback/_reduce_lr_on_plateau.py +21 -24
- mindspore/train/callback/_summary_collector.py +44 -30
- mindspore/train/callback/_time_monitor.py +62 -12
- mindspore/train/data_sink.py +10 -16
- mindspore/train/dataset_helper.py +154 -86
- mindspore/train/loss_scale_manager.py +14 -9
- mindspore/train/metrics/__init__.py +10 -2
- mindspore/train/metrics/accuracy.py +1 -1
- mindspore/train/metrics/auc.py +1 -1
- mindspore/train/metrics/bleu_score.py +2 -2
- mindspore/train/metrics/confusion_matrix.py +14 -14
- mindspore/train/metrics/cosine_similarity.py +3 -3
- mindspore/train/metrics/dice.py +1 -1
- mindspore/train/metrics/fbeta.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +8 -6
- mindspore/train/metrics/mean_surface_distance.py +5 -4
- mindspore/train/metrics/metric.py +49 -17
- mindspore/train/metrics/occlusion_sensitivity.py +4 -4
- mindspore/train/metrics/perplexity.py +1 -1
- mindspore/train/metrics/precision.py +2 -2
- mindspore/train/metrics/recall.py +2 -3
- mindspore/train/metrics/roc.py +7 -7
- mindspore/train/metrics/root_mean_square_surface_distance.py +5 -4
- mindspore/train/metrics/topk.py +7 -4
- mindspore/train/mind_ir_pb2.py +193 -48
- mindspore/train/model.py +377 -133
- mindspore/train/serialization.py +697 -245
- mindspore/train/summary/_summary_adapter.py +5 -2
- mindspore/train/summary/_writer_pool.py +4 -3
- mindspore/train/summary/summary_record.py +25 -23
- mindspore/train/train_thor/convert_utils.py +39 -23
- mindspore/train/train_thor/dataset_helper.py +4 -3
- mindspore/train/train_thor/model_thor.py +8 -8
- mindspore/version.py +1 -1
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/METADATA +7 -8
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/RECORD +647 -818
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/entry_points.txt +0 -1
- mindspore/_akg/akg/tvm/contrib/debugger/__init__.py +0 -16
- mindspore/_akg/akg/tvm/contrib/debugger/debug_result.py +0 -274
- mindspore/_akg/akg/tvm/contrib/debugger/debug_runtime.py +0 -259
- mindspore/_akg/akg/tvm/contrib/peak.py +0 -341
- mindspore/_akg/akg/tvm/contrib/rpc.py +0 -25
- mindspore/_akg/akg/tvm/contrib/xcode.py +0 -257
- mindspore/_akg/akg/tvm/exec/__init__.py +0 -17
- mindspore/_akg/akg/tvm/exec/autotvm_log_editor.py +0 -60
- mindspore/_akg/akg/tvm/exec/measure_peak.py +0 -48
- mindspore/_akg/akg/tvm/exec/query_rpc_tracker.py +0 -48
- mindspore/_akg/akg/tvm/exec/rpc_proxy.py +0 -98
- mindspore/_akg/akg/tvm/exec/rpc_server.py +0 -88
- mindspore/_akg/akg/tvm/exec/rpc_tracker.py +0 -62
- mindspore/_akg/akg/tvm/rpc/__init__.py +0 -29
- mindspore/_akg/akg/tvm/rpc/base.py +0 -182
- mindspore/_akg/akg/tvm/rpc/client.py +0 -436
- mindspore/_akg/akg/tvm/rpc/proxy.py +0 -595
- mindspore/_akg/akg/tvm/rpc/server.py +0 -413
- mindspore/_akg/akg/tvm/rpc/tornado_util.py +0 -121
- mindspore/_akg/akg/tvm/rpc/tracker.py +0 -431
- mindspore/_extends/graph_kernel/expander.py +0 -80
- mindspore/_extends/graph_kernel/expanders/__init__.py +0 -57
- mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
- mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
- mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
- mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
- mindspore/_extends/graph_kernel/expanders/bias_add_grad.py +0 -49
- mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
- mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
- mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
- mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
- mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
- mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
- mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
- mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
- mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
- mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
- mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
- mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
- mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
- mindspore/_extends/graph_kernel/expanders/gather.py +0 -43
- mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
- mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
- mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
- mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
- mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
- mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
- mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
- mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
- mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
- mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
- mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
- mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
- mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
- mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
- mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
- mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
- mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
- mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
- mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
- mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
- mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
- mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
- mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
- mindspore/_extends/graph_kernel/expanders/tile.py +0 -54
- mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
- mindspore/_extends/parse/jit_fallback_modules.py +0 -51
- mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
- mindspore/dataset/engine/graphdata.py +0 -1586
- mindspore/include/api/net.h +0 -142
- mindspore/ops/_grad/grad_array_ops.py +0 -1347
- mindspore/ops/_grad/grad_clip_ops.py +0 -84
- mindspore/ops/_grad/grad_debug_ops.py +0 -68
- mindspore/ops/_grad/grad_inner_ops.py +0 -235
- mindspore/ops/_grad/grad_math_ops.py +0 -1684
- mindspore/ops/_grad/grad_nn_ops.py +0 -1529
- mindspore/ops/_grad/grad_other_ops.py +0 -89
- mindspore/ops/_grad/grad_sequence_ops.py +0 -296
- mindspore/ops/_grad/grad_sparse.py +0 -323
- mindspore/ops/_grad_experimental/grad_image_ops.py +0 -249
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -195
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
- mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ApproximateEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Argmax_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Argmin_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/AssignSub_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Assign_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +0 -150
- mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +0 -66
- mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BatchToSpaceND_bprop.mindir +0 -28
- mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +0 -33
- mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +0 -306
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Concat_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +0 -240
- mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +0 -247
- mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +0 -247
- mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +0 -315
- mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +0 -278
- mindspore/ops/bprop_mindir/DType_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +0 -58
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/DepthToSpace_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
- mindspore/ops/bprop_mindir/DiagPart_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +0 -25
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +0 -18
- mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +0 -27
- mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicShape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/Elu_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Equal_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +0 -58
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +0 -54
- mindspore/ops/bprop_mindir/FloorDiv_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/GatherD_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +0 -57
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/GreaterEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Greater_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/IOU_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/IsFinite_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/IsInf_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/IsNan_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +0 -126
- mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +0 -30
- mindspore/ops/bprop_mindir/LRN_bprop.mindir +0 -43
- mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/LessEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Less_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LinSpace_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -13
- mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/LogicalAnd_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LogicalNot_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/MaskedSelect_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +0 -74
- mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +0 -74
- mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +0 -75
- mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +0 -65
- mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Maximum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Minimum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +0 -27
- mindspore/ops/bprop_mindir/Mish_bprop.mindir +0 -35
- mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NonZero_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/NotEqual_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/OneHot_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/OnesLike_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +0 -82
- mindspore/ops/bprop_mindir/Range_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Rank_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReduceAll_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ReduceAny_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +0 -60
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +0 -89
- mindspore/ops/bprop_mindir/ReverseSequence_bprop.mindir +0 -52
- mindspore/ops/bprop_mindir/ReverseV2_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Round_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/ScatterMax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterMin_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNdUpdate_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/ScatterNd_bprop.mindir +0 -24
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/ScatterUpdate_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/Select_bprop.mindir +0 -31
- mindspore/ops/bprop_mindir/Shape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +0 -21
- mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Sign_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/Slice_bprop.mindir +0 -26
- mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +0 -36
- mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Softplus_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Softsign_bprop.mindir +0 -33
- mindspore/ops/bprop_mindir/Sort_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SpaceToBatchND_bprop.mindir +0 -28
- mindspore/ops/bprop_mindir/SpaceToDepth_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Split_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +0 -54
- mindspore/ops/bprop_mindir/StridedSliceGrad_bprop.mindir +0 -95
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +0 -98
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +0 -66
- mindspore/ops/bprop_mindir/TensorScatterAdd_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/TensorScatterUpdate_bprop.mindir +0 -29
- mindspore/ops/bprop_mindir/TensorShape_bprop.mindir +0 -14
- mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -23
- mindspore/ops/bprop_mindir/TruncateDiv_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -22
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +0 -32
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +0 -38
- mindspore/ops/bprop_mindir/ZerosLike_bprop.mindir +0 -15
- mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
- mindspore/rewrite/node_visitor.py +0 -44
- mindspore/rewrite/topological_manager.py +0 -203
- mindspore/scipy/sparse/linalg.py +0 -192
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/WHEEL +0 -0
- {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/top_level.txt +0 -0
mindspore/numpy/array_ops.py
CHANGED
|
@@ -88,7 +88,7 @@ def squeeze(a, axis=None):
|
|
|
88
88
|
Args:
|
|
89
89
|
a (Tensor): Input tensor array.
|
|
90
90
|
axis (Union[None, int, list(int), tuple(list)]): The axis(axes) to squeeze,
|
|
91
|
-
default
|
|
91
|
+
default: ``None`` .
|
|
92
92
|
|
|
93
93
|
Returns:
|
|
94
94
|
Tensor, with all or a subset of the dimensions of length :math:`1` removed.
|
|
@@ -118,7 +118,7 @@ def transpose(a, axes=None):
|
|
|
118
118
|
Args:
|
|
119
119
|
a (Tensor): a tensor to be transposed
|
|
120
120
|
axes (Union[None, tuple, list]): the axes order, if `axes` is `None`, transpose
|
|
121
|
-
the entire tensor. Default
|
|
121
|
+
the entire tensor. Default: ``None`` .
|
|
122
122
|
|
|
123
123
|
Returns:
|
|
124
124
|
Tensor, the transposed tensor array.
|
|
@@ -149,7 +149,7 @@ def rollaxis(x, axis, start=0):
|
|
|
149
149
|
Args:
|
|
150
150
|
x (Tensor): A Tensor to be transposed.
|
|
151
151
|
axis (int): The axis to be rolled.
|
|
152
|
-
start (int): Default: 0.
|
|
152
|
+
start (int): Default: ``0`` .
|
|
153
153
|
If :math:`start <= axis`, the axis is rolled back until it lies in this position (`start`).
|
|
154
154
|
If :math:`start > axis`: the axis is rolled until it lies before this position (`start`).
|
|
155
155
|
If :math:`start < 0`, the start will be normalized as a non-negative number (more details
|
|
@@ -210,17 +210,17 @@ def rollaxis(x, axis, start=0):
|
|
|
210
210
|
new_perm = None
|
|
211
211
|
if start < axis:
|
|
212
212
|
if axis + 1 < ndim:
|
|
213
|
-
new_perm = perm[0:start] + perm[axis:axis+1] + \
|
|
213
|
+
new_perm = perm[0:start] + perm[axis:axis + 1] + \
|
|
214
214
|
perm[start:axis] + perm[axis+1:]
|
|
215
215
|
else:
|
|
216
|
-
new_perm = perm[0:start] + perm[axis:axis+1] + perm[start:axis]
|
|
216
|
+
new_perm = perm[0:start] + perm[axis:axis + 1] + perm[start:axis]
|
|
217
217
|
if start > axis:
|
|
218
218
|
if start < ndim:
|
|
219
|
-
new_perm = perm[0:axis] + perm[axis+1:start] + \
|
|
220
|
-
perm[axis:axis+1] + perm[start:]
|
|
219
|
+
new_perm = perm[0:axis] + perm[axis + 1:start] + \
|
|
220
|
+
perm[axis:axis + 1] + perm[start:]
|
|
221
221
|
else:
|
|
222
222
|
new_perm = perm[0:axis] + perm[axis+1:start] + \
|
|
223
|
-
perm[axis:axis+1]
|
|
223
|
+
perm[axis:axis + 1]
|
|
224
224
|
|
|
225
225
|
return F.transpose(x, new_perm)
|
|
226
226
|
|
|
@@ -335,9 +335,9 @@ def _move_axes_for_concatenate(arr_shape, axis):
|
|
|
335
335
|
"""
|
|
336
336
|
|
|
337
337
|
original_axes = tuple(range(len(arr_shape)))
|
|
338
|
-
new_axes = original_axes[1:axis+1] + (0,) + original_axes[axis+1:]
|
|
339
|
-
new_shape = arr_shape[1:axis+1] + (arr_shape[0] * arr_shape[axis+1],) + \
|
|
340
|
-
arr_shape[axis+2:]
|
|
338
|
+
new_axes = original_axes[1:axis + 1] + (0,) + original_axes[axis + 1:]
|
|
339
|
+
new_shape = arr_shape[1:axis + 1] + (arr_shape[0] * arr_shape[axis + 1],) + \
|
|
340
|
+
arr_shape[axis + 2:]
|
|
341
341
|
return new_axes, new_shape
|
|
342
342
|
|
|
343
343
|
|
|
@@ -375,13 +375,13 @@ def concatenate(arrays, axis=0):
|
|
|
375
375
|
|
|
376
376
|
Note:
|
|
377
377
|
To match Numpy behaviour, :math:`axis >= 32` will not cause value error, the
|
|
378
|
-
`axis` will be treated as
|
|
378
|
+
`axis` will be treated as ``None`` instead.
|
|
379
379
|
|
|
380
380
|
Args:
|
|
381
381
|
arrays (Union[Tensor, tuple(Tensor), list(Tensor)]): a tensor or a list
|
|
382
382
|
of tensors to be concatenated.
|
|
383
383
|
axis (Union[None, int], optional): The axis along which the tensors will be joined,
|
|
384
|
-
if `axis` is
|
|
384
|
+
if `axis` is ``None``, tensors are flattened before use. Default: ``0`` .
|
|
385
385
|
|
|
386
386
|
Returns:
|
|
387
387
|
A tensor concatenated from a tensor or a list of tensors.
|
|
@@ -448,7 +448,7 @@ def append(arr, values, axis=None):
|
|
|
448
448
|
the correct shape (the same shape as `arr`, excluding `axis`). If `axis` is
|
|
449
449
|
not specified, `values` can be any shape and will be flattened before use.
|
|
450
450
|
axis (None, int, optional): The `axis` along which values are appended. If `axis` is not
|
|
451
|
-
given, both `arr` and `values` are flattened before use, default is
|
|
451
|
+
given, both `arr` and `values` are flattened before use, default is ``None``.
|
|
452
452
|
|
|
453
453
|
Returns:
|
|
454
454
|
Tensor, a copy of tensor with values appended to axis.
|
|
@@ -673,9 +673,9 @@ def where(condition, x=None, y=None):
|
|
|
673
673
|
|
|
674
674
|
Args:
|
|
675
675
|
condition (Tensor): where True, yield `x`, otherwise yield `y`.
|
|
676
|
-
x (Tensor): Values from which to choose.
|
|
676
|
+
x (Tensor): Values from which to choose. Default: ``None`` .
|
|
677
677
|
y (Tensor): Values from which to choose. `x`, `y` and `condition` need
|
|
678
|
-
to be broadcastable to some shape.
|
|
678
|
+
to be broadcastable to some shape. Default: ``None`` .
|
|
679
679
|
|
|
680
680
|
Returns:
|
|
681
681
|
Tensor or scalar, with elements from `x` where `condition` is True, and
|
|
@@ -716,9 +716,6 @@ def where(condition, x=None, y=None):
|
|
|
716
716
|
x = F.cast(x, mstype.float32)
|
|
717
717
|
y = F.cast(y, mstype.float32)
|
|
718
718
|
|
|
719
|
-
if not _check_same_type(F.dtype(condition), mstype.float32):
|
|
720
|
-
# tiling with bool is not supported on GPU
|
|
721
|
-
condition = F.cast(condition, mstype.float32)
|
|
722
719
|
dynamic = F.is_sequence_value_unknown(F.shape(condition)) or F.is_sequence_value_unknown(F.shape(x))\
|
|
723
720
|
or F.is_sequence_value_unknown(F.shape(y))
|
|
724
721
|
# As select op currently does not support broadcast, broadcasts input tensors
|
|
@@ -732,7 +729,7 @@ def where(condition, x=None, y=None):
|
|
|
732
729
|
# Get the broadcast shape through broadcast calculation
|
|
733
730
|
add_x_y = x + y
|
|
734
731
|
add_out = condition + F.cast(add_x_y, condition.dtype)
|
|
735
|
-
shape_out = P.
|
|
732
|
+
shape_out = P.Shape()(add_out)
|
|
736
733
|
condition = ops.broadcast_to(condition, shape_out)
|
|
737
734
|
x = ops.broadcast_to(x, shape_out)
|
|
738
735
|
y = ops.broadcast_to(y, shape_out)
|
|
@@ -901,7 +898,7 @@ def stack(arrays, axis=0):
|
|
|
901
898
|
Args:
|
|
902
899
|
arrays (sequence of Tensor): Each array must have the same shape.
|
|
903
900
|
axis (int, optional): The axis in the result array along which the
|
|
904
|
-
input arrays are stacked. Default: 0.
|
|
901
|
+
input arrays are stacked. Default: ``0`` .
|
|
905
902
|
|
|
906
903
|
Returns:
|
|
907
904
|
Tensor, The stacked array has one more dimension than the input
|
|
@@ -934,7 +931,7 @@ def stack(arrays, axis=0):
|
|
|
934
931
|
axes = F.make_range(ndim)
|
|
935
932
|
perm = axes[1:axis+1] + (0,) + axes[axis+1:]
|
|
936
933
|
if _is_shape_empty(shape):
|
|
937
|
-
return _empty(mstype.float32, shape[1:axis+1] + (shape[0],) + shape[axis+1:])
|
|
934
|
+
return _empty(mstype.float32, shape[1:axis + 1] + (shape[0],) + shape[axis + 1:])
|
|
938
935
|
return transpose(arrays, perm)
|
|
939
936
|
|
|
940
937
|
if isinstance(arrays, (list, tuple)):
|
|
@@ -942,7 +939,7 @@ def stack(arrays, axis=0):
|
|
|
942
939
|
ndim = len(shape)
|
|
943
940
|
axis = axis % ndim
|
|
944
941
|
if _is_shape_empty(shape):
|
|
945
|
-
return _empty(mstype.float32, shape[1:axis+1] + (shape[0],) + shape[axis+1:])
|
|
942
|
+
return _empty(mstype.float32, shape[1:axis + 1] + (shape[0],) + shape[axis + 1:])
|
|
946
943
|
seq = ()
|
|
947
944
|
for arr in arrays:
|
|
948
945
|
seq += (F.expand_dims(arr, axis),)
|
|
@@ -973,7 +970,7 @@ def unique(x, return_inverse=False):
|
|
|
973
970
|
Args:
|
|
974
971
|
x (Tensor): The input tensor to be processed.
|
|
975
972
|
return_inverse (bool): If `True`, also return the indices of the unique tensor.
|
|
976
|
-
Default:
|
|
973
|
+
Default: ``False`` .
|
|
977
974
|
|
|
978
975
|
Returns:
|
|
979
976
|
Tensor or tuple of Tensors.
|
|
@@ -1063,7 +1060,7 @@ def roll(a, shift, axis=None):
|
|
|
1063
1060
|
for all given axes.
|
|
1064
1061
|
axis (Union[int, tuple(int)], optional): Axis or axes along which elements
|
|
1065
1062
|
are shifted. By default, the array is flattened before shifting, after
|
|
1066
|
-
which the original shape is restored. Default: None.
|
|
1063
|
+
which the original shape is restored. Default: ``None`` .
|
|
1067
1064
|
|
|
1068
1065
|
Returns:
|
|
1069
1066
|
Tensor, with the same shape as a.
|
|
@@ -1359,7 +1356,7 @@ def array_split(x, indices_or_sections, axis=0):
|
|
|
1359
1356
|
three sub-tensors :math:`x[:2]`, :math:`x[2:3]`and :math:`x[3:]`.
|
|
1360
1357
|
If an index exceeds the dimension of the array along axis,
|
|
1361
1358
|
an empty sub-array is returned correspondingly.
|
|
1362
|
-
axis (int): The axis along which to split. Default: 0.
|
|
1359
|
+
axis (int): The axis along which to split. Default: ``0`` .
|
|
1363
1360
|
|
|
1364
1361
|
Returns:
|
|
1365
1362
|
A list of sub-tensors.
|
|
@@ -1404,7 +1401,7 @@ def split(x, indices_or_sections, axis=0):
|
|
|
1404
1401
|
three sub-tensors :math:`x[:2]`, :math:`x[2:3]`and :math:`x[3:]`.
|
|
1405
1402
|
If an index exceeds the dimension of the array along axis,
|
|
1406
1403
|
an empty sub-array is returned correspondingly.
|
|
1407
|
-
axis (int): The axis along which to split. Default: 0.
|
|
1404
|
+
axis (int): The axis along which to split. Default: ``0`` .
|
|
1408
1405
|
|
|
1409
1406
|
Returns:
|
|
1410
1407
|
A tuple of sub-tensors.
|
|
@@ -1864,9 +1861,9 @@ def take(a, indices, axis=None, mode='clip'):
|
|
|
1864
1861
|
a (Tensor): Source array with shape `(Ni…, M, Nk…)`.
|
|
1865
1862
|
indices (Tensor): The indices with shape `(Nj...)` of the values to extract.
|
|
1866
1863
|
axis (int, optional): The axis over which to select values. By default,
|
|
1867
|
-
the flattened input array is used.
|
|
1864
|
+
the flattened input array is used. Default: ``None`` .
|
|
1868
1865
|
mode ('raise', 'wrap', 'clip', optional): Specifies how out-of-bounds
|
|
1869
|
-
indices will behave.
|
|
1866
|
+
indices will behave. Default: ``'clip'`` .
|
|
1870
1867
|
|
|
1871
1868
|
'raise' – raise an error;
|
|
1872
1869
|
|
|
@@ -1912,7 +1909,7 @@ def repeat(a, repeats, axis=None):
|
|
|
1912
1909
|
repeats (int or sequence of ints): The number of repetitions for each element.
|
|
1913
1910
|
`repeats` is broadcasted to fit the shape of the given axis.
|
|
1914
1911
|
axis (int, optional): The axis along which to repeat values. By default,
|
|
1915
|
-
use the flattened input array, and return a flat output array.
|
|
1912
|
+
use the flattened input array, and return a flat output array. Default: ``None`` .
|
|
1916
1913
|
|
|
1917
1914
|
Returns:
|
|
1918
1915
|
Tensor, output array which has the same shape as `a`, except along the given
|
|
@@ -1955,9 +1952,9 @@ def rot90(a, k=1, axes=(0, 1)):
|
|
|
1955
1952
|
|
|
1956
1953
|
Args:
|
|
1957
1954
|
a (Tensor): Input tensor of two or more dimensions.
|
|
1958
|
-
k (int): Number of times the tensor is rotated by 90 degrees. Default: 1.
|
|
1955
|
+
k (int): Number of times the tensor is rotated by 90 degrees. Default: ``1`` .
|
|
1959
1956
|
axes (Union[tuple(int), list(int)]): The tensor is rotated in the plane
|
|
1960
|
-
defined by the axes. Default:
|
|
1957
|
+
defined by the axes. Default: ``(0, 1)`` .
|
|
1961
1958
|
Axes must be different and with the shape of `(2,)`.
|
|
1962
1959
|
|
|
1963
1960
|
Returns:
|
|
@@ -2035,7 +2032,7 @@ def select(condlist, choicelist, default=0):
|
|
|
2035
2032
|
from which the output elements are taken. It has to be of the same length as
|
|
2036
2033
|
`condlist`.
|
|
2037
2034
|
default (scalar, optional): The element inserted in output when all conditions
|
|
2038
|
-
evaluate to `False`.
|
|
2035
|
+
evaluate to `False`. Default: ``0`` .
|
|
2039
2036
|
|
|
2040
2037
|
Returns:
|
|
2041
2038
|
Tensor, the output at position `m` is the `m-th` element of the array in
|
|
@@ -2212,7 +2209,7 @@ def size(a, axis=None):
|
|
|
2212
2209
|
|
|
2213
2210
|
Args:
|
|
2214
2211
|
a (Union[int, float, bool, list, tuple, Tensor]): Input data.
|
|
2215
|
-
axis (int): Axis along which the elements are counted. Default: None
|
|
2212
|
+
axis (int): Axis along which the elements are counted. Default: ``None``.
|
|
2216
2213
|
If None, give the total number of elements.
|
|
2217
2214
|
|
|
2218
2215
|
Returns:
|
|
@@ -2425,7 +2422,7 @@ def unravel_index(indices, shape, order='C'):
|
|
|
2425
2422
|
are indices into the flattened version of an array of dimensions shape.
|
|
2426
2423
|
shape (tuple of integers): The shape of the array to use for unraveling indices.
|
|
2427
2424
|
order (Union['C', 'F'], optional): Determines whether the indices should be viewed as
|
|
2428
|
-
indexing in row-major (C-style) or column-major (Fortran-style) order.
|
|
2425
|
+
indexing in row-major (C-style) or column-major (Fortran-style) order. Default: ``'C'`` .
|
|
2429
2426
|
|
|
2430
2427
|
Returns:
|
|
2431
2428
|
Tensor, each array in the tuple has the same shape as the indices array.
|
|
@@ -2524,3 +2521,105 @@ def apply_over_axes(func, a, axes):
|
|
|
2524
2521
|
if res.ndim != a.ndim:
|
|
2525
2522
|
_raise_value_error("function is not returning a tensor of the correct shape")
|
|
2526
2523
|
return res
|
|
2524
|
+
|
|
2525
|
+
|
|
2526
|
+
def argwhere(a):
|
|
2527
|
+
"""
|
|
2528
|
+
Find the indices of Tensor elements that are non-zero, grouped by element.
|
|
2529
|
+
|
|
2530
|
+
Args:
|
|
2531
|
+
a (Union[list, tuple, Tensor]): Input tensor.
|
|
2532
|
+
|
|
2533
|
+
Returns:
|
|
2534
|
+
Tensor. Indices of elements that are non-zero. Indices are grouped by element.
|
|
2535
|
+
This Tensor will have shape :math:`(N, a.ndim)` where N is the number of non-zero items.
|
|
2536
|
+
|
|
2537
|
+
Raises:
|
|
2538
|
+
TypeError: If input `a` is not array_like.
|
|
2539
|
+
ValueError: If dim of `a` equals to 0.
|
|
2540
|
+
|
|
2541
|
+
Supported Platforms:
|
|
2542
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
2543
|
+
|
|
2544
|
+
Examples:
|
|
2545
|
+
>>> import mindspore.numpy as np
|
|
2546
|
+
>>> x = np.array([[[1, 0], [-5, 0]]])
|
|
2547
|
+
>>> np.argwhere(x)
|
|
2548
|
+
Tensor(shape=[2, 3], dtype=Int64, value=[[0, 0, 0], [0, 1, 0]])
|
|
2549
|
+
"""
|
|
2550
|
+
a = _to_tensor(a)
|
|
2551
|
+
return F.argwhere(a)
|
|
2552
|
+
|
|
2553
|
+
|
|
2554
|
+
def intersect1d(ar1, ar2, assume_unique=False, return_indices=False):
|
|
2555
|
+
"""
|
|
2556
|
+
Find the intersection of two Tensors.
|
|
2557
|
+
Return the sorted, unique values that are in both of the input Tensors.
|
|
2558
|
+
|
|
2559
|
+
Args:
|
|
2560
|
+
ar1 (Union[int, float, bool, list, tuple, Tensor]): Input tensor.
|
|
2561
|
+
ar2 (Union[int, float, bool, list, tuple, Tensor]): Input tensor.
|
|
2562
|
+
assume_unique (bool): If `True`, the input Tensors are assumed to be unique, which can speed up the calculation.
|
|
2563
|
+
If `True` but `ar1` or `ar2` are not unique,
|
|
2564
|
+
incorrect results and out-of-bounds indices could result.
|
|
2565
|
+
Default: ``False``.
|
|
2566
|
+
return_indices (bool): If `True`, the indices which correspond to the intersection of two Tensors are returned.
|
|
2567
|
+
The first instance of a value is used if there are multiple.
|
|
2568
|
+
Default: ``False``.
|
|
2569
|
+
|
|
2570
|
+
Returns:
|
|
2571
|
+
Tensor or tuple of Tensors.
|
|
2572
|
+
If `return_indices` is ``False``, return the intersection tensor, otherwise return tuple of tensors.
|
|
2573
|
+
|
|
2574
|
+
Raises:
|
|
2575
|
+
TypeError: If input `ar1` or `ar2` is not array_like.
|
|
2576
|
+
TypeError: If `assume_unique` or `return_indices` is not bool.
|
|
2577
|
+
|
|
2578
|
+
Supported Platforms:
|
|
2579
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
2580
|
+
|
|
2581
|
+
Examples:
|
|
2582
|
+
>>> import mindspore.numpy as np
|
|
2583
|
+
>>> np.intersect1d([1, 3, 4, 3], [3, 1, 2, 1])
|
|
2584
|
+
Tensor(shape=[2], dtype=Int32, value=[1, 3])
|
|
2585
|
+
"""
|
|
2586
|
+
def unique_w_ind(arr):
|
|
2587
|
+
array, sort_indices = arr.ravel().sort()
|
|
2588
|
+
array_type = array.dtype
|
|
2589
|
+
cmp_array1 = F.cat((array, Tensor([0], dtype=array_type)))
|
|
2590
|
+
cmp_array2 = F.cat((Tensor([0], dtype=array_type), array))
|
|
2591
|
+
mask = cmp_array1 != cmp_array2
|
|
2592
|
+
mask[0] = True
|
|
2593
|
+
array = F.masked_select(array, mask[:-1])
|
|
2594
|
+
ind = F.masked_select(sort_indices, mask[:-1])
|
|
2595
|
+
return array, ind
|
|
2596
|
+
|
|
2597
|
+
if not isinstance(assume_unique, bool) or not isinstance(return_indices, bool):
|
|
2598
|
+
_raise_type_error("assume_unique or return_indices is not bool type.")
|
|
2599
|
+
ar1, ar2 = _to_tensor(ar1, ar2)
|
|
2600
|
+
ind1 = F.fill(mstype.int32, (ar1.size,), -1)
|
|
2601
|
+
ind2 = F.fill(mstype.int32, (ar2.size,), -1)
|
|
2602
|
+
if not assume_unique:
|
|
2603
|
+
if return_indices:
|
|
2604
|
+
array1, ind1 = unique_w_ind(ar1)
|
|
2605
|
+
array2, ind2 = unique_w_ind(ar2)
|
|
2606
|
+
else:
|
|
2607
|
+
array1 = F.unique(ar1)[0]
|
|
2608
|
+
array2 = F.unique(ar2)[0]
|
|
2609
|
+
else:
|
|
2610
|
+
array1 = ar1.ravel()
|
|
2611
|
+
array2 = ar2.ravel()
|
|
2612
|
+
concat_array = concatenate((array1, array2))
|
|
2613
|
+
concat_array, concat_sort_indices = concat_array.sort()
|
|
2614
|
+
|
|
2615
|
+
mask_res = concat_array[1:] == concat_array[:-1]
|
|
2616
|
+
res = F.masked_select(concat_array[1:], mask_res)
|
|
2617
|
+
|
|
2618
|
+
if return_indices:
|
|
2619
|
+
ar1_indices = F.masked_select(concat_sort_indices[:-1], mask_res)
|
|
2620
|
+
ar2_indices = F.masked_select(concat_sort_indices[1:], mask_res) - array1.size
|
|
2621
|
+
if not assume_unique:
|
|
2622
|
+
ar1_indices = ind1.index_select(0, ar1_indices)
|
|
2623
|
+
ar2_indices = ind2.index_select(0, ar2_indices)
|
|
2624
|
+
return res, ar1_indices, ar2_indices
|
|
2625
|
+
return res
|
mindspore/numpy/logic_ops.py
CHANGED
|
@@ -38,7 +38,7 @@ def not_equal(x1, x2, dtype=None):
|
|
|
38
38
|
Args:
|
|
39
39
|
x1 (Tensor): First input tensor to be compared.
|
|
40
40
|
x2 (Tensor): Second input tensor to be compared.
|
|
41
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
41
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
42
42
|
output Tensor.
|
|
43
43
|
|
|
44
44
|
Returns:
|
|
@@ -76,7 +76,7 @@ def less_equal(x1, x2, dtype=None):
|
|
|
76
76
|
x1 (Tensor): Input array.
|
|
77
77
|
x2 (Tensor): Input array. If ``x1.shape != x2.shape``, they must be
|
|
78
78
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
79
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
79
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
80
80
|
output Tensor.
|
|
81
81
|
|
|
82
82
|
Returns:
|
|
@@ -109,7 +109,7 @@ def less(x1, x2, dtype=None):
|
|
|
109
109
|
x1 (Tensor): input array.
|
|
110
110
|
x2 (Tensor): Input array. If ``x1.shape != x2.shape``, they must be
|
|
111
111
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
112
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
112
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
113
113
|
output Tensor.
|
|
114
114
|
|
|
115
115
|
Returns:
|
|
@@ -141,7 +141,7 @@ def greater_equal(x1, x2, dtype=None):
|
|
|
141
141
|
x1 (Tensor): Input array.
|
|
142
142
|
x2 (Tensor): Input array. If ``x1.shape != x2.shape``, they must be
|
|
143
143
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
144
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
144
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
145
145
|
output Tensor.
|
|
146
146
|
|
|
147
147
|
Returns:
|
|
@@ -173,7 +173,7 @@ def greater(x1, x2, dtype=None):
|
|
|
173
173
|
x1 (Tensor): Input array.
|
|
174
174
|
x2 (Tensor): Input array. If ``x1.shape != x2.shape``, they must be
|
|
175
175
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
176
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
176
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
177
177
|
output Tensor.
|
|
178
178
|
|
|
179
179
|
Returns:
|
|
@@ -205,7 +205,7 @@ def equal(x1, x2, dtype=None):
|
|
|
205
205
|
x1 (Tensor): Input array.
|
|
206
206
|
x2 (Tensor): Input array. If ``x1.shape != x2.shape``, they must be
|
|
207
207
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
208
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
208
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
209
209
|
output Tensor.
|
|
210
210
|
|
|
211
211
|
Returns:
|
|
@@ -238,7 +238,7 @@ def isfinite(x, dtype=None):
|
|
|
238
238
|
|
|
239
239
|
Args:
|
|
240
240
|
x (Tensor): Input values.
|
|
241
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
241
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
242
242
|
output Tensor.
|
|
243
243
|
|
|
244
244
|
Returns:
|
|
@@ -268,7 +268,7 @@ def isnan(x, dtype=None):
|
|
|
268
268
|
|
|
269
269
|
Args:
|
|
270
270
|
x (Tensor): Input values.
|
|
271
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
271
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
272
272
|
output Tensor.
|
|
273
273
|
|
|
274
274
|
Returns:
|
|
@@ -315,7 +315,7 @@ def isinf(x, dtype=None):
|
|
|
315
315
|
|
|
316
316
|
Args:
|
|
317
317
|
x (Tensor): Input values.
|
|
318
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
318
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
319
319
|
output Tensor.
|
|
320
320
|
|
|
321
321
|
Returns:
|
|
@@ -471,7 +471,7 @@ def isclose(a, b, rtol=1e-05, atol=1e-08, equal_nan=False):
|
|
|
471
471
|
atol (numbers.Number): The absolute tolerance parameter (see Note).
|
|
472
472
|
equal_nan (bool): Whether to compare ``NaN`` as equal. If True, ``NaN`` in
|
|
473
473
|
`a` will be considered equal to ``NaN`` in `b` in the output tensor.
|
|
474
|
-
Default:
|
|
474
|
+
Default: ``False`` .
|
|
475
475
|
|
|
476
476
|
Returns:
|
|
477
477
|
A ``bool`` tensor of where `a` and `b` are equal within the given tolerance.
|
|
@@ -483,6 +483,7 @@ def isclose(a, b, rtol=1e-05, atol=1e-08, equal_nan=False):
|
|
|
483
483
|
``Ascend`` ``GPU`` ``CPU``
|
|
484
484
|
|
|
485
485
|
Examples:
|
|
486
|
+
>>> import mindspore.numpy as np
|
|
486
487
|
>>> a = np.array([0,1,2,float('inf'),float('inf'),float('nan')])
|
|
487
488
|
>>> b = np.array([0,1,-2,float('-inf'),float('inf'),float('nan')])
|
|
488
489
|
>>> print(np.isclose(a, b))
|
|
@@ -512,7 +513,7 @@ def in1d(ar1, ar2, invert=False):
|
|
|
512
513
|
to test each value of `ar1`.
|
|
513
514
|
invert (boolean, optional): If True, the values in the returned array are
|
|
514
515
|
inverted (that is, False where an element of `ar1` is in `ar2` and True
|
|
515
|
-
otherwise). Default
|
|
516
|
+
otherwise). Default: ``False`` .
|
|
516
517
|
|
|
517
518
|
Returns:
|
|
518
519
|
Tensor, with shape `(M,)`. The values ``ar1[in1d]`` are in `ar2`.
|
|
@@ -521,6 +522,7 @@ def in1d(ar1, ar2, invert=False):
|
|
|
521
522
|
``Ascend`` ``GPU`` ``CPU``
|
|
522
523
|
|
|
523
524
|
Examples:
|
|
525
|
+
>>> import mindspore.numpy as np
|
|
524
526
|
>>> test = np.array([0, 1, 2, 5, 0])
|
|
525
527
|
>>> states = [0, 2]
|
|
526
528
|
>>> mask = np.in1d(test, states)
|
|
@@ -556,7 +558,7 @@ def isin(element, test_elements, invert=False):
|
|
|
556
558
|
test_elements (Union[int, float, bool, list, tuple, Tensor]): The values against
|
|
557
559
|
which to test each value of `element`.
|
|
558
560
|
invert (boolean, optional): If True, the values in the returned array are
|
|
559
|
-
inverted, as if calculating `element` not in `test_elements`. Default
|
|
561
|
+
inverted, as if calculating `element` not in `test_elements`. Default: ``False`` .
|
|
560
562
|
|
|
561
563
|
Returns:
|
|
562
564
|
Tensor, has the same shape as `element`. The values ``element[isin]`` are in
|
|
@@ -566,6 +568,7 @@ def isin(element, test_elements, invert=False):
|
|
|
566
568
|
``Ascend`` ``GPU`` ``CPU``
|
|
567
569
|
|
|
568
570
|
Examples:
|
|
571
|
+
>>> import mindspore.numpy as np
|
|
569
572
|
>>> element = 2*np.arange(4).reshape((2, 2))
|
|
570
573
|
>>> test_elements = [1, 2, 4, 8]
|
|
571
574
|
>>> mask = np.isin(element, test_elements)
|
|
@@ -592,7 +595,7 @@ def logical_not(a, dtype=None):
|
|
|
592
595
|
|
|
593
596
|
Args:
|
|
594
597
|
a (Tensor): The input tensor whose dtype is bool.
|
|
595
|
-
dtype (:class:`mindspore.dtype`, optional): Default:
|
|
598
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None``. Overrides the dtype of the
|
|
596
599
|
output Tensor.
|
|
597
600
|
|
|
598
601
|
Returns:
|
|
@@ -628,7 +631,7 @@ def logical_or(x1, x2, dtype=None):
|
|
|
628
631
|
x1 (Tensor): Input tensor.
|
|
629
632
|
x2 (Tensor): Input tensor. If ``x1.shape != x2.shape``, they must be
|
|
630
633
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
631
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
634
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
632
635
|
output Tensor.
|
|
633
636
|
|
|
634
637
|
Returns:
|
|
@@ -662,7 +665,7 @@ def logical_and(x1, x2, dtype=None):
|
|
|
662
665
|
x1 (Tensor): Input tensor.
|
|
663
666
|
x2 (Tensor): Input tensor. If ``x1.shape != x2.shape``, they must be
|
|
664
667
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
665
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
668
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
666
669
|
output Tensor.
|
|
667
670
|
|
|
668
671
|
Returns:
|
|
@@ -696,7 +699,7 @@ def logical_xor(x1, x2, dtype=None):
|
|
|
696
699
|
x1 (Tensor): Input tensor.
|
|
697
700
|
x2 (Tensor): Input tensor. If ``x1.shape != x2.shape``, they must be
|
|
698
701
|
broadcastable to a common shape (which becomes the shape of the output).
|
|
699
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
702
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
700
703
|
output Tensor.
|
|
701
704
|
|
|
702
705
|
Returns:
|
|
@@ -735,7 +738,7 @@ def array_equal(a1, a2, equal_nan=False):
|
|
|
735
738
|
|
|
736
739
|
Args:
|
|
737
740
|
a1/a2 (Union[int, float, bool, list, tuple, Tensor]): Input arrays.
|
|
738
|
-
equal_nan (bool): Whether to compare NaN's as equal. Default:
|
|
741
|
+
equal_nan (bool): Whether to compare NaN's as equal. Default: ``False`` .
|
|
739
742
|
|
|
740
743
|
Returns:
|
|
741
744
|
Scalar bool tensor, value is `True` if inputs are equal, `False` otherwise.
|
|
@@ -812,7 +815,7 @@ def signbit(x, dtype=None):
|
|
|
812
815
|
|
|
813
816
|
Args:
|
|
814
817
|
x (Union[int, float, bool, list, tuple, Tensor]): The input value(s).
|
|
815
|
-
dtype (:class:`mindspore.dtype`, optional):
|
|
818
|
+
dtype (:class:`mindspore.dtype`, optional): Default: ``None`` . Overrides the dtype of the
|
|
816
819
|
output Tensor.
|
|
817
820
|
|
|
818
821
|
Returns:
|
|
@@ -849,12 +852,12 @@ def sometrue(a, axis=None, keepdims=False):
|
|
|
849
852
|
Args:
|
|
850
853
|
a (Union[int, float, bool, list, tuple, Tensor]): Input tensor or object that can be converted to an array.
|
|
851
854
|
axis (Union[None, int, tuple(int)]): Axis or axes along which a logical OR reduction is
|
|
852
|
-
performed. Default: None.
|
|
855
|
+
performed. Default: ``None`` .
|
|
853
856
|
If None, perform a logical OR over all the dimensions of the input array.
|
|
854
857
|
If negative, it counts from the last to the first axis.
|
|
855
858
|
If tuple of integers, a reduction is performed on multiple axes, instead of a single axis or
|
|
856
859
|
all the axes as before.
|
|
857
|
-
keepdims (bool): Default: False.
|
|
860
|
+
keepdims (bool): Default: ``False`` .
|
|
858
861
|
If True, the axes which are reduced are left in the result as dimensions with size one.
|
|
859
862
|
With this option, the result will broadcast correctly against the input array.
|
|
860
863
|
If the default value is passed, then keepdims will not be passed through to the any method of
|
|
@@ -887,3 +890,46 @@ def sometrue(a, axis=None, keepdims=False):
|
|
|
887
890
|
a = _to_tensor(a)
|
|
888
891
|
keepdims = keepdims not in (0, False)
|
|
889
892
|
return F.not_equal(a, 0).any(axis, keepdims)
|
|
893
|
+
|
|
894
|
+
|
|
895
|
+
def setdiff1d(ar1, ar2, assume_unique=False):
|
|
896
|
+
"""
|
|
897
|
+
Find the set difference of two Tensors.
|
|
898
|
+
Return the unique values in `ar1` that are not in `ar2`.
|
|
899
|
+
|
|
900
|
+
Args:
|
|
901
|
+
ar1 (Union[int, float, bool, list, tuple, Tensor]): Input tensor.
|
|
902
|
+
ar2 (Union[int, float, bool, list, tuple, Tensor]): Input tensor.
|
|
903
|
+
assume_unique (bool): If `True`, the input Tensors are assumed to be unique, which can speed up the calculation.
|
|
904
|
+
If `True` but `ar1` or `ar2` are not unique,
|
|
905
|
+
incorrect results and out-of-bounds indices could result.
|
|
906
|
+
Default: ``False``.
|
|
907
|
+
|
|
908
|
+
Returns:
|
|
909
|
+
1D Tensor of values in `ar1` that are not in `ar2`.
|
|
910
|
+
The result is sorted when `assume_unique` = ``False`` , but otherwise only sorted if the input is sorted.
|
|
911
|
+
|
|
912
|
+
Raises:
|
|
913
|
+
TypeError: If input `ar1` or `ar2` is not array_like.
|
|
914
|
+
TypeError: If `assume_unique` is not bool.
|
|
915
|
+
|
|
916
|
+
Supported Platforms:
|
|
917
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
918
|
+
|
|
919
|
+
Examples:
|
|
920
|
+
>>> import mindspore.numpy as np
|
|
921
|
+
>>> a = np.array([1, 2, 3, 2, 4, 1])
|
|
922
|
+
>>> b = np.array([3, 4, 5, 6])
|
|
923
|
+
>>> np.setdiff1d(a, b)
|
|
924
|
+
Tensor(shape=[2], dtype=Int32, value=[1, 2])
|
|
925
|
+
"""
|
|
926
|
+
if not isinstance(assume_unique, bool):
|
|
927
|
+
_raise_type_error("assume_unique is not bool type.")
|
|
928
|
+
ar1, ar2 = _to_tensor(ar1, ar2)
|
|
929
|
+
if assume_unique:
|
|
930
|
+
ar1 = ar1.ravel()
|
|
931
|
+
else:
|
|
932
|
+
ar1 = F.unique(ar1)[0].sort()[0]
|
|
933
|
+
ar2 = F.unique(ar2)[0].sort()[0]
|
|
934
|
+
mask = in1d(ar1, ar2, invert=True)
|
|
935
|
+
return F.masked_select(ar1, mask)
|