mindspore 1.10.0__cp38-cp38-win_amd64.whl → 2.0.0rc1__cp38-cp38-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/ConcurrencyCheck.dll +0 -0
- mindspore/CppBuildInsights.dll +0 -0
- mindspore/CppCoreCheck.dll +0 -0
- mindspore/EnumIndex.dll +0 -0
- mindspore/EspXEngine.dll +0 -0
- mindspore/HResultCheck.dll +0 -0
- mindspore/KernelTraceControl.dll +0 -0
- mindspore/LocalESPC.dll +0 -0
- mindspore/Microsoft.Diagnostics.Tracing.EventSource.dll +0 -0
- mindspore/Microsoft.VisualStudio.RemoteControl.dll +0 -0
- mindspore/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Microsoft.VisualStudio.Utilities.Internal.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/System.Runtime.CompilerServices.Unsafe.dll +0 -0
- mindspore/VariantClear.dll +0 -0
- mindspore/__init__.py +9 -4
- mindspore/_c_dataengine.cp38-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp38-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp38-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +102 -0
- mindspore/_checkparam.py +1066 -1001
- mindspore/_extends/builtin_operations.py +32 -4
- mindspore/_extends/graph_kernel/model/graph_split.py +66 -222
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +12 -9
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +119 -26
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -50
- mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -6
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -25
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -27
- mindspore/_extends/parse/__init__.py +5 -3
- mindspore/_extends/parse/namespace.py +17 -2
- mindspore/_extends/parse/parser.py +193 -34
- mindspore/_extends/parse/resources.py +7 -8
- mindspore/_extends/parse/standard_method.py +1780 -435
- mindspore/_extends/parse/trope.py +3 -1
- mindspore/amp.py +53 -58
- mindspore/atlprov.dll +0 -0
- mindspore/boost/adasum.py +3 -2
- mindspore/boost/boost.py +2 -2
- mindspore/boost/boost_cell_wrapper.py +46 -26
- mindspore/boost/dim_reduce.py +6 -5
- mindspore/boost/grad_accumulation.py +2 -1
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/cfgpersist.dll +0 -0
- mindspore/clang_rt.asan_dbg_dynamic-x86_64.dll +0 -0
- mindspore/clang_rt.asan_dynamic-x86_64.dll +0 -0
- mindspore/common/__init__.py +11 -10
- mindspore/common/_decorator.py +2 -0
- mindspore/common/_register_for_adapter.py +55 -0
- mindspore/common/_stub_tensor.py +201 -0
- mindspore/common/_utils.py +57 -0
- mindspore/common/api.py +582 -297
- mindspore/common/dtype.py +66 -18
- mindspore/common/dump.py +2 -2
- mindspore/common/initializer.py +38 -1
- mindspore/common/jit_config.py +25 -13
- mindspore/common/mutable.py +53 -24
- mindspore/common/parameter.py +60 -37
- mindspore/common/seed.py +8 -24
- mindspore/common/sparse_tensor.py +927 -0
- mindspore/common/tensor.py +1627 -3900
- mindspore/communication/__init__.py +10 -5
- mindspore/communication/_comm_helper.py +78 -214
- mindspore/communication/_hccl_management.py +2 -1
- mindspore/communication/management.py +136 -47
- mindspore/config/op_info.config +501 -1008
- mindspore/context.py +291 -56
- mindspore/d3dcompiler_47.dll +0 -0
- mindspore/dataset/__init__.py +12 -8
- mindspore/dataset/audio/__init__.py +9 -9
- mindspore/dataset/audio/transforms.py +1090 -228
- mindspore/dataset/audio/utils.py +87 -39
- mindspore/dataset/audio/validators.py +223 -1
- mindspore/dataset/callback/ds_callback.py +17 -15
- mindspore/dataset/core/config.py +246 -17
- mindspore/dataset/core/py_util_helpers.py +4 -3
- mindspore/dataset/core/validator_helpers.py +10 -10
- mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
- mindspore/dataset/debug/debug_hook.py +65 -0
- mindspore/dataset/debug/pre_defined_hook.py +67 -0
- mindspore/dataset/engine/__init__.py +7 -3
- mindspore/dataset/engine/cache_client.py +9 -9
- mindspore/dataset/engine/datasets.py +648 -477
- mindspore/dataset/engine/datasets_audio.py +165 -167
- mindspore/dataset/engine/datasets_standard_format.py +93 -67
- mindspore/dataset/engine/datasets_text.py +492 -342
- mindspore/dataset/engine/datasets_user_defined.py +85 -50
- mindspore/dataset/engine/datasets_vision.py +1224 -699
- mindspore/dataset/engine/graphdata.py +134 -69
- mindspore/dataset/engine/iterators.py +50 -9
- mindspore/dataset/engine/offload.py +52 -31
- mindspore/dataset/engine/samplers.py +27 -24
- mindspore/dataset/engine/serializer_deserializer.py +14 -15
- mindspore/dataset/engine/validators.py +213 -52
- mindspore/dataset/text/__init__.py +10 -8
- mindspore/dataset/text/transforms.py +152 -57
- mindspore/dataset/text/utils.py +98 -49
- mindspore/dataset/text/validators.py +25 -0
- mindspore/dataset/transforms/__init__.py +4 -2
- mindspore/dataset/transforms/c_transforms.py +11 -13
- mindspore/dataset/transforms/py_transforms.py +2 -2
- mindspore/dataset/transforms/py_transforms_util.py +10 -0
- mindspore/dataset/transforms/transforms.py +13 -15
- mindspore/dataset/transforms/validators.py +7 -7
- mindspore/dataset/utils/__init__.py +2 -1
- mindspore/dataset/utils/browse_dataset.py +13 -13
- mindspore/dataset/utils/line_reader.py +121 -0
- mindspore/dataset/vision/__init__.py +8 -7
- mindspore/dataset/vision/c_transforms.py +125 -126
- mindspore/dataset/vision/py_transforms.py +37 -37
- mindspore/dataset/vision/py_transforms_util.py +23 -20
- mindspore/dataset/vision/transforms.py +316 -315
- mindspore/dataset/vision/utils.py +313 -17
- mindspore/dataset/vision/validators.py +6 -6
- mindspore/default_config.py +0 -1
- mindspore/dpcmi.dll +0 -0
- mindspore/{compression → experimental}/__init__.py +6 -5
- mindspore/experimental/map_parameter.py +275 -0
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/callback/callback.h +9 -13
- mindspore/include/api/callback/ckpt_saver.h +2 -2
- mindspore/include/api/callback/loss_monitor.h +2 -2
- mindspore/include/api/callback/lr_scheduler.h +5 -5
- mindspore/include/api/callback/time_monitor.h +2 -2
- mindspore/include/api/callback/train_accuracy.h +4 -6
- mindspore/include/api/cfg.h +19 -6
- mindspore/include/api/context.h +70 -9
- mindspore/include/api/delegate.h +8 -1
- mindspore/include/api/dual_abi_helper.h +8 -24
- mindspore/include/api/metrics/accuracy.h +2 -2
- mindspore/include/api/metrics/metrics.h +4 -3
- mindspore/include/api/model.h +9 -4
- mindspore/include/api/model_group.h +68 -0
- mindspore/include/api/model_parallel_runner.h +17 -17
- mindspore/include/api/net.h +12 -11
- mindspore/include/api/serialization.h +20 -4
- mindspore/include/api/status.h +7 -1
- mindspore/include/api/types.h +25 -21
- mindspore/include/api/visible.h +4 -0
- mindspore/include/c_api/model_c.h +5 -0
- mindspore/include/c_api/status_c.h +1 -1
- mindspore/include/dataset/config.h +1 -1
- mindspore/include/dataset/constants.h +14 -0
- mindspore/include/dataset/text.h +59 -0
- mindspore/include/dataset/vision.h +56 -117
- mindspore/include/dataset/vision_lite.h +102 -0
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +28 -28
- mindspore/mindrecord/common/exceptions.py +2 -4
- mindspore/mindrecord/filereader.py +19 -1
- mindspore/mindrecord/filewriter.py +250 -88
- mindspore/mindrecord/mindpage.py +13 -13
- mindspore/mindrecord/shardheader.py +15 -15
- mindspore/mindrecord/shardreader.py +9 -0
- mindspore/mindrecord/shardwriter.py +29 -29
- mindspore/mindrecord/tools/cifar100_to_mr.py +9 -9
- mindspore/mindrecord/tools/cifar10_to_mr.py +9 -9
- mindspore/mindrecord/tools/csv_to_mr.py +4 -4
- mindspore/mindrecord/tools/imagenet_to_mr.py +70 -65
- mindspore/mindrecord/tools/mnist_to_mr.py +41 -41
- mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
- mindspore/{libmindspore_backend.dll → mindspore_backend.dll} +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/nn/__init__.py +1 -5
- mindspore/nn/cell.py +297 -234
- mindspore/nn/dynamic_lr.py +1 -1
- mindspore/nn/grad/cell_grad.py +17 -42
- mindspore/nn/layer/__init__.py +7 -4
- mindspore/nn/layer/activation.py +131 -88
- mindspore/nn/layer/basic.py +313 -613
- mindspore/nn/layer/channel_shuffle.py +103 -0
- mindspore/nn/layer/combined.py +1 -1
- mindspore/nn/layer/container.py +52 -6
- mindspore/nn/layer/conv.py +112 -43
- mindspore/nn/layer/dense.py +10 -9
- mindspore/nn/layer/embedding.py +36 -34
- mindspore/nn/layer/image.py +123 -27
- mindspore/nn/layer/math.py +108 -107
- mindspore/nn/layer/normalization.py +212 -366
- mindspore/nn/layer/padding.py +370 -42
- mindspore/nn/layer/pooling.py +1443 -219
- mindspore/nn/layer/rnn_cells.py +11 -16
- mindspore/nn/layer/rnns.py +38 -39
- mindspore/nn/layer/thor_layer.py +24 -25
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +701 -0
- mindspore/nn/learning_rate_schedule.py +8 -8
- mindspore/nn/loss/__init__.py +9 -6
- mindspore/nn/loss/loss.py +678 -142
- mindspore/nn/metrics.py +53 -0
- mindspore/nn/optim/_dist_optimizer_registry.py +2 -2
- mindspore/nn/optim/ada_grad.py +8 -8
- mindspore/nn/optim/adadelta.py +2 -3
- mindspore/nn/optim/adafactor.py +18 -14
- mindspore/nn/optim/adam.py +429 -87
- mindspore/nn/optim/adamax.py +5 -6
- mindspore/nn/optim/adasum.py +10 -8
- mindspore/nn/optim/asgd.py +7 -7
- mindspore/nn/optim/ftrl.py +81 -11
- mindspore/nn/optim/lamb.py +7 -8
- mindspore/nn/optim/lars.py +4 -4
- mindspore/nn/optim/lazyadam.py +82 -7
- mindspore/nn/optim/momentum.py +8 -7
- mindspore/nn/optim/optimizer.py +19 -10
- mindspore/nn/optim/proximal_ada_grad.py +6 -5
- mindspore/nn/optim/rmsprop.py +3 -3
- mindspore/nn/optim/rprop.py +20 -16
- mindspore/nn/optim/sgd.py +21 -15
- mindspore/nn/optim/thor.py +23 -21
- mindspore/nn/probability/__init__.py +0 -2
- mindspore/nn/probability/bijector/bijector.py +7 -6
- mindspore/nn/probability/bijector/invert.py +4 -2
- mindspore/nn/probability/bijector/softplus.py +2 -2
- mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
- mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
- mindspore/nn/probability/distribution/__init__.py +6 -0
- mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -2
- mindspore/nn/probability/distribution/_utils/utils.py +11 -17
- mindspore/nn/probability/distribution/bernoulli.py +6 -6
- mindspore/nn/probability/distribution/beta.py +1 -1
- mindspore/nn/probability/distribution/categorical.py +9 -9
- mindspore/nn/probability/distribution/cauchy.py +8 -8
- mindspore/nn/probability/distribution/distribution.py +12 -6
- mindspore/nn/probability/distribution/exponential.py +5 -5
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +6 -5
- mindspore/nn/probability/distribution/gumbel.py +5 -5
- mindspore/nn/probability/distribution/half_normal.py +133 -0
- mindspore/nn/probability/distribution/laplace.py +128 -0
- mindspore/nn/probability/distribution/log_normal.py +0 -1
- mindspore/nn/probability/distribution/logistic.py +4 -5
- mindspore/nn/probability/distribution/normal.py +11 -15
- mindspore/nn/probability/distribution/poisson.py +6 -2
- mindspore/nn/probability/distribution/student_t.py +150 -0
- mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
- mindspore/nn/probability/distribution/uniform.py +5 -5
- mindspore/nn/reinforcement/_tensors_queue.py +3 -3
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +8 -1
- mindspore/nn/wrap/cell_wrapper.py +55 -27
- mindspore/nn/wrap/grad_reducer.py +20 -11
- mindspore/nn/wrap/loss_scale.py +47 -30
- mindspore/numpy/array_creations.py +33 -22
- mindspore/numpy/array_ops.py +46 -42
- mindspore/numpy/logic_ops.py +6 -27
- mindspore/numpy/math_ops.py +26 -19
- mindspore/numpy/utils.py +1 -8
- mindspore/numpy/utils_const.py +112 -62
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +6 -3
- mindspore/ops/_constants.py +0 -6
- mindspore/ops/_grad/__init__.py +2 -1
- mindspore/ops/_grad/grad_array_ops.py +209 -152
- mindspore/ops/_grad/grad_base.py +55 -17
- mindspore/ops/_grad/grad_clip_ops.py +11 -3
- mindspore/ops/_grad/grad_comm_ops.py +58 -47
- mindspore/ops/_grad/grad_implementations.py +21 -61
- mindspore/ops/_grad/grad_inner_ops.py +48 -6
- mindspore/ops/_grad/grad_math_ops.py +306 -161
- mindspore/ops/_grad/grad_nn_ops.py +192 -181
- mindspore/ops/_grad/grad_other_ops.py +1 -1
- mindspore/ops/_grad/grad_quant_ops.py +5 -5
- mindspore/ops/_grad/grad_sequence_ops.py +296 -0
- mindspore/ops/_grad/grad_sparse.py +15 -9
- mindspore/ops/_grad_experimental/__init__.py +1 -0
- mindspore/ops/_grad_experimental/grad_array_ops.py +441 -55
- mindspore/ops/_grad_experimental/grad_image_ops.py +25 -7
- mindspore/ops/_grad_experimental/grad_inner_ops.py +3 -44
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +16 -21
- mindspore/ops/_grad_experimental/grad_math_ops.py +979 -49
- mindspore/ops/_grad_experimental/grad_nn_ops.py +78 -8
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +197 -13
- mindspore/ops/_op_impl/__init__.py +3 -3
- mindspore/ops/_op_impl/_custom_op/__init__.py +0 -1
- mindspore/ops/_op_impl/_custom_op/_basic.py +0 -1
- mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +4 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +5 -5
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
- mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/correction_mul.py +3 -3
- mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +4 -8
- mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_dds_grad_impl.py +0 -1
- mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -1
- mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +238 -3
- mindspore/ops/_op_impl/aicpu/abs.py +36 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d.py +42 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d_grad.py +152 -0
- mindspore/ops/_op_impl/aicpu/add.py +43 -0
- mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
- mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
- mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/arg_max.py +75 -0
- mindspore/ops/_op_impl/aicpu/arg_min.py +75 -0
- mindspore/ops/_op_impl/aicpu/argmin_with_value.py +43 -0
- mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -0
- mindspore/ops/_op_impl/aicpu/batch_norm_grad_grad.py +49 -0
- mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
- mindspore/ops/_op_impl/aicpu/bessel_i0.py +31 -0
- mindspore/ops/_op_impl/aicpu/bias_add.py +44 -0
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +43 -0
- mindspore/ops/_op_impl/aicpu/bincount.py +33 -0
- mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/cauchy.py} +17 -10
- mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
- mindspore/ops/_op_impl/aicpu/cholesky.py +1 -1
- mindspore/ops/_op_impl/{cpu/bias_add.py → aicpu/choleskygrad.py} +9 -7
- mindspore/ops/_op_impl/aicpu/combined_non_max_suppression.py +42 -0
- mindspore/ops/_op_impl/aicpu/concat_offset.py +42 -0
- mindspore/ops/_op_impl/aicpu/concat_offset_v1.py +31 -0
- mindspore/ops/_op_impl/aicpu/conj.py +11 -0
- mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_image.py +38 -0
- mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +36 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +2 -2
- mindspore/ops/_op_impl/aicpu/dense_to_sparse_set_operation.py +48 -0
- mindspore/ops/_op_impl/aicpu/diag.py +36 -0
- mindspore/ops/_op_impl/aicpu/diag_part.py +36 -0
- mindspore/ops/_op_impl/aicpu/diagonal.py +35 -0
- mindspore/ops/_op_impl/{cpu/bias_add_grad.py → aicpu/digamma.py} +9 -7
- mindspore/ops/_op_impl/aicpu/eig.py +35 -0
- mindspore/ops/_op_impl/aicpu/fft_with_size.py +41 -0
- mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
- mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
- mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
- mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
- mindspore/ops/_op_impl/aicpu/glu.py +33 -0
- mindspore/ops/_op_impl/aicpu/glu_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/greater.py +41 -0
- mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
- mindspore/ops/_op_impl/{tbe/scatter_add_ds.py → aicpu/inplace_index_add.py} +17 -21
- mindspore/ops/_op_impl/aicpu/instance_norm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/instance_norm_v2_grad.py +44 -0
- mindspore/ops/_op_impl/aicpu/layer_norm_grad_grad.py +47 -0
- mindspore/ops/_op_impl/aicpu/less.py +41 -0
- mindspore/ops/_op_impl/aicpu/less_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/lgamma.py +32 -0
- mindspore/ops/_op_impl/aicpu/log_normal_reverse.py +33 -0
- mindspore/ops/_op_impl/aicpu/logit.py +33 -0
- mindspore/ops/_op_impl/aicpu/logit_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/masked_fill.py +42 -0
- mindspore/ops/_op_impl/aicpu/masked_scatter.py +39 -0
- mindspore/ops/_op_impl/aicpu/matmul.py +39 -0
- mindspore/ops/_op_impl/aicpu/matrix_logarithm.py +31 -0
- mindspore/ops/_op_impl/aicpu/matrix_power.py +32 -0
- mindspore/ops/_op_impl/aicpu/matrix_solve_ls.py +36 -0
- mindspore/ops/_op_impl/aicpu/matrix_triangular_solve.py +36 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad.py +2 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
- mindspore/ops/_op_impl/aicpu/mul.py +3 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
- mindspore/ops/_op_impl/aicpu/multinomial_with_replacement.py +35 -0
- mindspore/ops/_op_impl/aicpu/nan_to_num.py +34 -0
- mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
- mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
- mindspore/ops/_op_impl/aicpu/polar.py +32 -0
- mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
- mindspore/ops/_op_impl/aicpu/qr.py +36 -0
- mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
- mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_tensor.py +74 -0
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +3 -0
- mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/range.py +36 -0
- mindspore/ops/_op_impl/aicpu/reciprocal.py +34 -0
- mindspore/ops/_op_impl/aicpu/reciprocal_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/reduce_sum.py +57 -0
- mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
- mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
- mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
- mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
- mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
- mindspore/ops/_op_impl/aicpu/search_sorted.py +12 -6
- mindspore/ops/_op_impl/aicpu/self_adjoint_eig.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
- mindspore/ops/_op_impl/aicpu/slice_grad.py +76 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/sort.py +39 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
- mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows_grad.py +45 -0
- mindspore/ops/_op_impl/aicpu/sparse_matrix_mat_mul.py +56 -0
- mindspore/ops/_op_impl/{tbe/slice_ds.py → aicpu/sparse_segment_sum.py} +16 -24
- mindspore/ops/_op_impl/aicpu/sparse_segment_sum_with_num_segments.py +68 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +61 -0
- mindspore/ops/_op_impl/aicpu/squared_difference.py +2 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_v2.py +93 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_v2_grad.py +66 -0
- mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
- mindspore/ops/_op_impl/{tbe/gather_v2.py → aicpu/tile.py} +24 -24
- mindspore/ops/_op_impl/aicpu/tridiagonal_solve.py +35 -0
- mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/triu_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
- mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
- mindspore/ops/_op_impl/cpu/__init__.py +1 -2
- mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
- mindspore/ops/_op_impl/cpu/maximum_grad.py +2 -0
- mindspore/{compression/common/__init__.py → ops/_op_impl/cpu/pyexecute.py} +13 -8
- mindspore/ops/_op_impl/cpu/reduce_sum.py +8 -0
- mindspore/ops/_op_impl/cpu/sparse_slice.py +62 -0
- mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +60 -0
- mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
- mindspore/ops/_op_impl/tbe/__init__.py +27 -608
- mindspore/ops/_op_impl/tbe/addcdiv_ds.py +42 -0
- mindspore/ops/_op_impl/tbe/addcmul_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -1
- mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +41 -0
- mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +1 -0
- mindspore/ops/_op_impl/tbe/bias_add_grad.py +2 -0
- mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
- mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +40 -0
- mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
- mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
- mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
- mindspore/ops/_op_impl/tbe/cast.py +0 -2
- mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
- mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -2
- mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -2
- mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/deformable_offsets.py +1 -0
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +1 -1
- mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
- mindspore/ops/_op_impl/tbe/greater.py +2 -0
- mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -1
- mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -6
- mindspore/ops/_op_impl/tbe/{greater_ds.py → reduce_all_ds.py} +13 -16
- mindspore/ops/_op_impl/tbe/reduce_any_ds.py +39 -0
- mindspore/ops/_op_impl/tbe/roi_align_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +44 -0
- mindspore/ops/_op_impl/tbe/scatter_add.py +2 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +2 -2
- mindspore/ops/_op_impl/tbe/slice.py +26 -15
- mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +1 -0
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +1 -1
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +3 -2
- mindspore/ops/_register_for_op.py +11 -0
- mindspore/ops/_utils/__init__.py +1 -1
- mindspore/ops/_utils/utils.py +20 -41
- mindspore/ops/_vmap/__init__.py +2 -2
- mindspore/ops/_vmap/vmap_array_ops.py +170 -78
- mindspore/ops/_vmap/vmap_base.py +24 -10
- mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
- mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +41 -9
- mindspore/ops/_vmap/vmap_image_ops.py +52 -0
- mindspore/ops/_vmap/vmap_math_ops.py +77 -6
- mindspore/ops/_vmap/vmap_nn_ops.py +78 -29
- mindspore/ops/_vmap/vmap_other_ops.py +3 -1
- mindspore/ops/_vmap/vmap_random_ops.py +55 -3
- mindspore/ops/_vmap/vmap_sparse_ops.py +1 -0
- mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ApproximateEqual_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/Argmax_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/Argmin_bprop.mindir +14 -13
- mindspore/ops/bprop_mindir/AssignSub_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/Assign_bprop.mindir +16 -16
- mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
- mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BatchToSpaceND_bprop.mindir +28 -0
- mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +306 -0
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +12 -8
- mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Concat_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +240 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
- mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
- mindspore/ops/bprop_mindir/DType_bprop.mindir +12 -12
- mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +12 -13
- mindspore/ops/bprop_mindir/DepthToSpace_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
- mindspore/ops/bprop_mindir/DiagPart_bprop.mindir +15 -0
- mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +22 -24
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -14
- mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
- mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicShape_bprop.mindir +12 -12
- mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Equal_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +54 -0
- mindspore/ops/bprop_mindir/FloorDiv_bprop.mindir +18 -15
- mindspore/ops/bprop_mindir/GatherD_bprop.mindir +26 -0
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +57 -0
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/GreaterEqual_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/Greater_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/IOU_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/IsFinite_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/IsInf_bprop.mindir +13 -10
- mindspore/ops/bprop_mindir/IsNan_bprop.mindir +14 -11
- mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
- mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
- mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
- mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
- mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/LessEqual_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/Less_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/LinSpace_bprop.mindir +22 -19
- mindspore/ops/bprop_mindir/Load_bprop.mindir +12 -13
- mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/LogicalAnd_bprop.mindir +17 -18
- mindspore/ops/bprop_mindir/LogicalNot_bprop.mindir +14 -13
- mindspore/ops/bprop_mindir/MaskedSelect_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
- mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
- mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Maximum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Minimum_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +27 -0
- mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
- mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NonZero_bprop.mindir +14 -0
- mindspore/ops/bprop_mindir/NotEqual_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/OneHot_bprop.mindir +25 -23
- mindspore/ops/bprop_mindir/OnesLike_bprop.mindir +13 -13
- mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
- mindspore/ops/bprop_mindir/Range_bprop.mindir +21 -19
- mindspore/ops/bprop_mindir/Rank_bprop.mindir +11 -11
- mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReduceAll_bprop.mindir +18 -17
- mindspore/ops/bprop_mindir/ReduceAny_bprop.mindir +18 -17
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +19 -23
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +60 -0
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +89 -0
- mindspore/ops/bprop_mindir/ReverseSequence_bprop.mindir +52 -0
- mindspore/ops/bprop_mindir/ReverseV2_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/Round_bprop.mindir +14 -13
- mindspore/ops/bprop_mindir/ScatterMax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterMin_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNdUpdate_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/ScatterNd_bprop.mindir +24 -0
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/ScatterUpdate_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/Select_bprop.mindir +30 -34
- mindspore/ops/bprop_mindir/Shape_bprop.mindir +12 -12
- mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Sign_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/Slice_bprop.mindir +26 -0
- mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
- mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/Sort_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SpaceToBatchND_bprop.mindir +28 -0
- mindspore/ops/bprop_mindir/SpaceToDepth_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Split_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +54 -0
- mindspore/ops/bprop_mindir/StridedSliceGrad_bprop.mindir +95 -0
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +98 -0
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +28 -32
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/TensorScatterAdd_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/TensorScatterUpdate_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/TensorShape_bprop.mindir +14 -0
- mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/TruncateDiv_bprop.mindir +18 -15
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +11 -13
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +22 -0
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
- mindspore/ops/bprop_mindir/ZerosLike_bprop.mindir +13 -12
- mindspore/ops/bprop_mindir/__init__.py +1 -4
- mindspore/ops/bprop_mindir/generate_mindir.py +32 -20
- mindspore/ops/composite/__init__.py +12 -13
- mindspore/ops/composite/base.py +261 -254
- mindspore/ops/composite/env_ops.py +41 -0
- mindspore/ops/composite/math_ops.py +197 -156
- mindspore/ops/composite/multitype_ops/_compile_utils.py +428 -176
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +188 -87
- mindspore/ops/composite/multitype_ops/add_impl.py +23 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +3 -3
- mindspore/ops/composite/multitype_ops/equal_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/getitem_impl.py +52 -5
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +15 -3
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +33 -2
- mindspore/ops/composite/multitype_ops/less_impl.py +33 -0
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mod_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/mul_impl.py +21 -7
- mindspore/ops/composite/multitype_ops/not_in_impl.py +15 -3
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
- mindspore/ops/composite/multitype_ops/pow_impl.py +1 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +62 -70
- mindspore/ops/composite/multitype_ops/sub_impl.py +3 -3
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +41 -4
- mindspore/ops/function/__init__.py +323 -8
- mindspore/ops/function/array_func.py +3511 -780
- mindspore/ops/function/clip_func.py +329 -0
- mindspore/ops/function/debug_func.py +6 -6
- mindspore/ops/function/grad/__init__.py +5 -1
- mindspore/ops/function/grad/grad_func.py +736 -65
- mindspore/ops/function/image_func.py +270 -0
- mindspore/ops/function/linalg_func.py +268 -8
- mindspore/ops/function/math_func.py +8032 -3164
- mindspore/ops/function/nn_func.py +5619 -1855
- mindspore/ops/function/other_func.py +115 -0
- mindspore/ops/function/parameter_func.py +11 -10
- mindspore/ops/function/random_func.py +939 -77
- mindspore/ops/function/sparse_func.py +249 -84
- mindspore/ops/function/sparse_unary_func.py +2303 -0
- mindspore/ops/function/spectral_func.py +146 -0
- mindspore/ops/function/vmap_func.py +114 -0
- mindspore/ops/functional.py +182 -254
- mindspore/ops/op_info_register.py +79 -34
- mindspore/ops/operations/__init__.py +210 -118
- mindspore/ops/operations/_csr_ops.py +7 -7
- mindspore/ops/operations/_embedding_cache_ops.py +25 -15
- mindspore/ops/operations/_grad_ops.py +447 -322
- mindspore/ops/operations/_inner_ops.py +547 -176
- mindspore/ops/operations/_map_tensor_ops.py +112 -0
- mindspore/ops/operations/_ms_kernel.py +29 -27
- mindspore/ops/operations/_ocr_ops.py +11 -11
- mindspore/ops/operations/_opaque_predicate_registry.py +41 -0
- mindspore/ops/operations/_quant_ops.py +186 -101
- mindspore/ops/operations/_rl_inner_ops.py +122 -61
- mindspore/ops/operations/_scalar_ops.py +466 -0
- mindspore/ops/operations/_sequence_ops.py +1047 -0
- mindspore/ops/operations/_tensor_array.py +10 -11
- mindspore/ops/operations/_thor_ops.py +4 -4
- mindspore/ops/operations/array_ops.py +1428 -1226
- mindspore/ops/operations/comm_ops.py +180 -117
- mindspore/ops/operations/control_ops.py +4 -2
- mindspore/ops/operations/custom_ops.py +185 -98
- mindspore/ops/operations/debug_ops.py +92 -54
- mindspore/ops/operations/image_ops.py +406 -211
- mindspore/ops/operations/inner_ops.py +42 -53
- mindspore/ops/operations/linalg_ops.py +32 -29
- mindspore/ops/operations/math_ops.py +2076 -897
- mindspore/ops/operations/nn_ops.py +1282 -1252
- mindspore/ops/operations/other_ops.py +124 -278
- mindspore/ops/operations/random_ops.py +345 -178
- mindspore/ops/operations/rl_ops.py +8 -9
- mindspore/ops/operations/sparse_ops.py +502 -157
- mindspore/ops/operations/spectral_ops.py +107 -0
- mindspore/ops/primitive.py +192 -15
- mindspore/ops/vm_impl_registry.py +23 -2
- mindspore/parallel/__init__.py +6 -1
- mindspore/parallel/_auto_parallel_context.py +199 -92
- mindspore/parallel/_cell_wrapper.py +4 -2
- mindspore/parallel/_cost_model_context.py +3 -0
- mindspore/parallel/_dp_allreduce_fusion.py +2 -1
- mindspore/parallel/_offload_context.py +185 -0
- mindspore/parallel/_parallel_serialization.py +167 -28
- mindspore/parallel/_ps_context.py +9 -5
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +9 -1
- mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
- mindspore/{nn/transformer → parallel/_transformer}/layers.py +59 -37
- mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
- mindspore/{nn/transformer → parallel/_transformer}/moe.py +160 -35
- mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
- mindspore/{nn/transformer → parallel/_transformer}/transformer.py +235 -196
- mindspore/parallel/_utils.py +47 -7
- mindspore/parallel/algo_parameter_config.py +5 -1
- mindspore/parallel/checkpoint_transform.py +329 -0
- mindspore/parallel/shard.py +229 -0
- mindspore/perf_msvcbuildinsights.dll +0 -0
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +2 -1
- mindspore/profiler/common/util.py +4 -3
- mindspore/profiler/common/validator/validate_path.py +2 -2
- mindspore/profiler/envprofiling.py +249 -0
- mindspore/profiler/parser/aicpu_data_parser.py +38 -39
- mindspore/profiler/parser/ascend_timeline_generator.py +497 -0
- mindspore/profiler/parser/base_timeline_generator.py +471 -0
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +684 -0
- mindspore/profiler/parser/framework_parser.py +42 -16
- mindspore/profiler/parser/hccl_parser.py +158 -158
- mindspore/profiler/parser/hwts_log_parser.py +7 -6
- mindspore/profiler/parser/integrator.py +18 -1579
- mindspore/profiler/parser/minddata_analyzer.py +8 -8
- mindspore/profiler/parser/msadvisor_analyzer.py +14 -27
- mindspore/profiler/parser/msadvisor_parser.py +2 -4
- mindspore/profiler/parser/optime_parser.py +17 -18
- mindspore/profiler/parser/profiler_info.py +108 -0
- mindspore/profiler/parser/step_trace_parser.py +1 -1
- mindspore/profiler/profiling.py +396 -194
- mindspore/rewrite/__init__.py +6 -2
- mindspore/rewrite/api/node.py +51 -110
- mindspore/rewrite/api/node_type.py +10 -6
- mindspore/rewrite/api/pattern_engine.py +51 -7
- mindspore/rewrite/api/scoped_value.py +64 -53
- mindspore/rewrite/api/symbol_tree.py +108 -61
- mindspore/rewrite/api/tree_node_helper.py +2 -3
- mindspore/{compression/quant/__init__.py → rewrite/ast_creator_register.py} +20 -11
- mindspore/rewrite/ast_helpers/__init__.py +6 -3
- mindspore/rewrite/ast_helpers/ast_creator.py +115 -0
- mindspore/rewrite/ast_helpers/ast_finder.py +99 -1
- mindspore/rewrite/ast_helpers/ast_modifier.py +17 -4
- mindspore/rewrite/ast_helpers/ast_replacer.py +1 -1
- mindspore/rewrite/ast_transformers/__init__.py +0 -1
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +46 -5
- mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +6 -3
- mindspore/rewrite/common/__init__.py +2 -0
- mindspore/rewrite/common/event.py +1 -1
- mindspore/rewrite/common/observable.py +1 -1
- mindspore/rewrite/common/observer.py +1 -1
- mindspore/rewrite/common/rewrite_elog.py +35 -0
- mindspore/rewrite/namer.py +2 -2
- mindspore/rewrite/namespace.py +14 -4
- mindspore/rewrite/node.py +161 -13
- mindspore/rewrite/parser.py +0 -1
- mindspore/rewrite/parser_register.py +0 -1
- mindspore/rewrite/parsers/arguments_parser.py +3 -2
- mindspore/rewrite/parsers/assign_parser.py +267 -67
- mindspore/rewrite/parsers/attribute_parser.py +56 -0
- mindspore/rewrite/parsers/class_def_parser.py +191 -108
- mindspore/rewrite/parsers/constant_parser.py +101 -0
- mindspore/rewrite/parsers/container_parser.py +88 -0
- mindspore/rewrite/parsers/for_parser.py +28 -15
- mindspore/rewrite/parsers/function_def_parser.py +21 -5
- mindspore/rewrite/parsers/if_parser.py +11 -28
- mindspore/rewrite/parsers/module_parser.py +9 -6
- mindspore/rewrite/parsers/return_parser.py +3 -2
- mindspore/rewrite/sparsify/__init__.py +0 -0
- mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
- mindspore/rewrite/sparsify/sparsify.py +109 -0
- mindspore/rewrite/sparsify/utils.py +173 -0
- mindspore/rewrite/symbol_tree.py +322 -109
- mindspore/rewrite/symbol_tree_builder.py +45 -8
- mindspore/rewrite/symbol_tree_dumper.py +0 -1
- mindspore/rewrite/topological_manager.py +1 -2
- mindspore/run_check/_check_version.py +209 -112
- mindspore/run_check/run_check.py +2 -1
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +6 -4
- mindspore/train/_utils.py +28 -5
- mindspore/train/amp.py +321 -50
- mindspore/train/callback/__init__.py +3 -1
- mindspore/train/callback/_backup_and_restore.py +120 -0
- mindspore/train/callback/_callback.py +8 -8
- mindspore/train/callback/_checkpoint.py +12 -9
- mindspore/train/callback/_early_stop.py +13 -7
- mindspore/train/callback/_history.py +8 -8
- mindspore/train/callback/_lambda_callback.py +6 -6
- mindspore/train/callback/_landscape.py +36 -38
- mindspore/train/callback/_loss_monitor.py +12 -6
- mindspore/train/callback/_lr_scheduler_callback.py +2 -4
- mindspore/train/callback/_on_request_exit.py +212 -0
- mindspore/train/callback/_reduce_lr_on_plateau.py +13 -7
- mindspore/train/callback/_summary_collector.py +27 -19
- mindspore/train/callback/_time_monitor.py +13 -7
- mindspore/train/checkpoint_pb2.py +68 -8
- mindspore/train/data_sink.py +122 -33
- mindspore/train/dataset_helper.py +28 -87
- mindspore/train/loss_scale_manager.py +4 -7
- mindspore/{nn → train}/metrics/__init__.py +20 -20
- mindspore/{nn → train}/metrics/accuracy.py +12 -10
- mindspore/{nn → train}/metrics/auc.py +4 -4
- mindspore/{nn → train}/metrics/bleu_score.py +4 -4
- mindspore/{nn → train}/metrics/confusion_matrix.py +10 -8
- mindspore/{nn → train}/metrics/cosine_similarity.py +4 -4
- mindspore/{nn → train}/metrics/dice.py +6 -5
- mindspore/{nn → train}/metrics/error.py +7 -5
- mindspore/{nn → train}/metrics/fbeta.py +9 -7
- mindspore/{nn → train}/metrics/hausdorff_distance.py +8 -6
- mindspore/{nn → train}/metrics/loss.py +4 -3
- mindspore/{nn → train}/metrics/mean_surface_distance.py +6 -5
- mindspore/{nn → train}/metrics/metric.py +6 -5
- mindspore/{nn → train}/metrics/occlusion_sensitivity.py +4 -3
- mindspore/{nn → train}/metrics/perplexity.py +5 -4
- mindspore/{nn → train}/metrics/precision.py +5 -4
- mindspore/{nn → train}/metrics/recall.py +5 -4
- mindspore/{nn → train}/metrics/roc.py +7 -6
- mindspore/{nn → train}/metrics/root_mean_square_surface_distance.py +6 -5
- mindspore/{nn → train}/metrics/topk.py +7 -5
- mindspore/train/mind_ir_pb2.py +339 -32
- mindspore/train/model.py +113 -84
- mindspore/train/serialization.py +547 -167
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/summary_record.py +43 -12
- mindspore/train/train_thor/convert_utils.py +7 -1
- mindspore/train/train_thor/dataset_helper.py +3 -3
- mindspore/train/train_thor/model_thor.py +0 -4
- mindspore/turbojpeg.dll +0 -0
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +4 -3
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +901 -660
- mindspore/compression/common/constant.py +0 -124
- mindspore/compression/export/__init__.py +0 -19
- mindspore/compression/export/quant_export.py +0 -514
- mindspore/compression/quant/qat.py +0 -636
- mindspore/compression/quant/quant_utils.py +0 -462
- mindspore/compression/quant/quantizer.py +0 -68
- mindspore/libatomic-1.dll +0 -0
- mindspore/libgcc_s_seh-1.dll +0 -0
- mindspore/libgfortran-4.dll +0 -0
- mindspore/libgomp-1.dll +0 -0
- mindspore/libjpeg-62.dll +0 -0
- mindspore/libmindspore.dll +0 -0
- mindspore/libmindspore_common.dll +0 -0
- mindspore/libmindspore_core.dll +0 -0
- mindspore/libmindspore_glog.dll +0 -0
- mindspore/libnnacl.dll +0 -0
- mindspore/libopencv_core452.dll +0 -0
- mindspore/libopencv_imgcodecs452.dll +0 -0
- mindspore/libopencv_imgproc452.dll +0 -0
- mindspore/libquadmath-0.dll +0 -0
- mindspore/libsqlite3.dll +0 -0
- mindspore/libssp-0.dll +0 -0
- mindspore/libstdc++-6.dll +0 -0
- mindspore/libtinyxml2.dll +0 -0
- mindspore/libturbojpeg.dll +0 -0
- mindspore/libwinpthread-1.dll +0 -0
- mindspore/nn/layer/quant.py +0 -1868
- mindspore/nn/layer/rnn_utils.py +0 -90
- mindspore/nn/probability/dpn/__init__.py +0 -22
- mindspore/nn/probability/dpn/vae/__init__.py +0 -25
- mindspore/nn/probability/dpn/vae/cvae.py +0 -138
- mindspore/nn/probability/dpn/vae/vae.py +0 -122
- mindspore/nn/probability/infer/__init__.py +0 -22
- mindspore/nn/probability/infer/variational/elbo.py +0 -70
- mindspore/nn/probability/infer/variational/svi.py +0 -84
- mindspore/nn/probability/toolbox/__init__.py +0 -22
- mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
- mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -363
- mindspore/nn/probability/transforms/__init__.py +0 -22
- mindspore/nn/probability/transforms/transform_bnn.py +0 -262
- mindspore/nn/probability/zhusuan/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
- mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
- mindspore/ops/_op_impl/tbe/bias_add_grad_ds.py +0 -52
- mindspore/ops/_op_impl/tbe/scatter_nd_add_ds.py +0 -43
- mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/Identity_bprop.mindir +0 -9
- mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -20
- mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -16
- mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/stop_gradient_bprop.mindir +0 -12
- mindspore/ops/composite/array_ops.py +0 -210
- mindspore/ops/composite/clip_ops.py +0 -238
- mindspore/ops/composite/random_ops.py +0 -426
- mindspore/ops/composite/vmap_ops.py +0 -38
- mindspore/ops/operations/sponge_ops.py +0 -3531
- mindspore/ops/operations/sponge_update_ops.py +0 -2546
- mindspore/parallel/nn/__init__.py +0 -42
- mindspore/parallel/nn/loss.py +0 -22
- mindspore/parallel/nn/moe.py +0 -21
- mindspore/parallel/nn/op_parallel_config.py +0 -22
- mindspore/parallel/nn/transformer.py +0 -31
- mindspore/run_check/_check_deps_version.py +0 -84
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
- {mindspore-1.10.0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
mindspore/ops/functional.py
CHANGED
|
@@ -14,31 +14,20 @@
|
|
|
14
14
|
# See the License for the specific language governing permissions and
|
|
15
15
|
# limitations under the License.
|
|
16
16
|
# ============================================================================
|
|
17
|
-
|
|
18
17
|
"""The names of functional part are summarized here."""
|
|
19
18
|
|
|
20
|
-
import numpy as np
|
|
21
|
-
|
|
22
|
-
import mindspore as ms
|
|
23
19
|
from mindspore.common._register_for_tensor import tensor_operator_registry
|
|
24
|
-
from mindspore.common import Tensor
|
|
25
|
-
from mindspore.common._decorator import deprecated
|
|
26
|
-
from mindspore.common import dtype as mstype
|
|
27
|
-
from mindspore._checkparam import Validator as validator
|
|
28
|
-
from mindspore._checkparam import Rel
|
|
29
20
|
from mindspore.ops import _constants
|
|
30
21
|
from mindspore.ops.function import *
|
|
31
|
-
from mindspore.ops.function.
|
|
32
|
-
from mindspore.ops.primitive import constexpr, Primitive
|
|
22
|
+
from mindspore.ops.function.array_func import narrow, flatten
|
|
33
23
|
from mindspore.ops import operations as P
|
|
34
|
-
from mindspore.ops.
|
|
35
|
-
from mindspore.ops.operations import _csr_ops
|
|
36
|
-
from mindspore.ops.operations import _inner_ops
|
|
37
|
-
from mindspore.ops.operations import linalg_ops
|
|
24
|
+
from mindspore.ops.primitive import Primitive
|
|
25
|
+
from mindspore.ops.operations import _grad_ops, _csr_ops, _inner_ops, linalg_ops, _scalar_ops, _sequence_ops
|
|
38
26
|
from mindspore.ops.operations.math_ops import Median
|
|
39
27
|
from mindspore.ops.operations.array_ops import UniqueConsecutive
|
|
40
28
|
from mindspore.ops.operations.nn_ops import AdaptiveMaxPool2D
|
|
41
|
-
from mindspore.ops.
|
|
29
|
+
from mindspore.ops.operations.math_ops import Roll
|
|
30
|
+
from mindspore.ops.composite.math_ops import mm, dot
|
|
42
31
|
|
|
43
32
|
typeof = Primitive('typeof')
|
|
44
33
|
hastype = Primitive('hastype')
|
|
@@ -46,227 +35,38 @@ cast = P.Cast()
|
|
|
46
35
|
dtype = P.DType()
|
|
47
36
|
isconstant = Primitive('is_constant')
|
|
48
37
|
isconstant.set_const_prim(True)
|
|
49
|
-
|
|
50
|
-
issubclass_ = P.IsSubClass()
|
|
51
|
-
isinstance_ = P.IsInstance()
|
|
52
|
-
|
|
53
38
|
merge = P.Merge()
|
|
54
39
|
geswitch = P.GeSwitch()
|
|
55
|
-
strided_slice = P.StridedSlice()
|
|
56
|
-
check_bprop = P.CheckBprop()
|
|
57
40
|
reduce_sum = P.ReduceSum()
|
|
58
41
|
reduce_max = P.ReduceMax()
|
|
59
42
|
reduce_min = P.ReduceMin()
|
|
60
43
|
reduce_mean = P.ReduceMean()
|
|
61
|
-
sort = P.Sort()
|
|
62
44
|
tensor_range = P.Range()
|
|
63
45
|
tensor_scatter_update = P.TensorScatterUpdate()
|
|
64
46
|
scatter_nd_update = P.ScatterNdUpdate()
|
|
65
47
|
mixed_precision_cast = _inner_ops.MixedPrecisionCast()
|
|
66
48
|
|
|
67
|
-
|
|
68
|
-
|
|
69
|
-
|
|
70
|
-
|
|
71
|
-
".")
|
|
72
|
-
return stack(x)
|
|
73
|
-
|
|
49
|
+
# Dynamic shape
|
|
50
|
+
is_sequence_value_unknown = Primitive("IsShapeUnKnown")
|
|
51
|
+
is_sequence_shape_unknown = Primitive("IsDimUnKnown")
|
|
52
|
+
is_dynamic_sequence_element_unknown = Primitive("IsElementUnknown")
|
|
74
53
|
|
|
75
54
|
partial = P.Partial()
|
|
76
55
|
# depend: mount a node to another node
|
|
77
56
|
depend = P.Depend()
|
|
78
57
|
identity = P.identity()
|
|
79
|
-
|
|
80
|
-
|
|
81
|
-
|
|
82
|
-
|
|
83
|
-
|
|
84
|
-
|
|
85
|
-
|
|
86
|
-
|
|
87
|
-
|
|
88
|
-
|
|
89
|
-
|
|
90
|
-
|
|
91
|
-
r"""
|
|
92
|
-
The ops.arange interface is deprecated, please use :func:`mindspore.ops.range`
|
|
93
|
-
|
|
94
|
-
Supported Platforms:
|
|
95
|
-
deprecated
|
|
96
|
-
"""
|
|
97
|
-
if stop is None:
|
|
98
|
-
start, stop = 0, start
|
|
99
|
-
|
|
100
|
-
arg_map = {"start": start, "stop": stop, "step": step}
|
|
101
|
-
for arg in ("start", "stop", "step"):
|
|
102
|
-
arg_value = arg_map.get(arg)
|
|
103
|
-
if not isinstance(arg_value, int) and not isinstance(arg_value, float):
|
|
104
|
-
_raise_arange_type_error(arg, arg_value)
|
|
105
|
-
if start >= stop:
|
|
106
|
-
_raise_arange_value_error(start, stop)
|
|
107
|
-
|
|
108
|
-
if rtype is None:
|
|
109
|
-
if isinstance(start, float) or isinstance(stop, float) or isinstance(step, float):
|
|
110
|
-
rtype = mstype.float32
|
|
111
|
-
else:
|
|
112
|
-
rtype = mstype.int32
|
|
113
|
-
data = _arange(start, stop, step)
|
|
114
|
-
return _make_tensor(data, rtype)
|
|
115
|
-
|
|
116
|
-
|
|
117
|
-
@constexpr
|
|
118
|
-
def _make_tensor(data, rtype):
|
|
119
|
-
"""Make Tensor"""
|
|
120
|
-
return Tensor(data, dtype=rtype)
|
|
121
|
-
|
|
122
|
-
|
|
123
|
-
@constexpr
|
|
124
|
-
def _arange(start, stop, step):
|
|
125
|
-
"""Arange compute"""
|
|
126
|
-
return np.arange(start, stop, step)
|
|
127
|
-
|
|
128
|
-
|
|
129
|
-
@constexpr
|
|
130
|
-
def _raise_arange_type_error(arg, arg_value):
|
|
131
|
-
"""
|
|
132
|
-
Raise TypeError in both graph/pynative mode.
|
|
133
|
-
"""
|
|
134
|
-
raise TypeError("For mindspore.ops.arange, the argument '{}' must be int or float, but got {}."
|
|
135
|
-
.format(arg, type(arg_value)))
|
|
136
|
-
|
|
137
|
-
|
|
138
|
-
@constexpr
|
|
139
|
-
def _raise_arange_value_error(start, stop):
|
|
140
|
-
"""
|
|
141
|
-
Raise TypeError in both graph/pynative mode
|
|
142
|
-
"""
|
|
143
|
-
raise ValueError("For mindspore.ops.arange, the argument 'start' must be < 'stop', but got 'start': {}, "
|
|
144
|
-
"'stop': {}.".format(start, stop))
|
|
145
|
-
|
|
146
|
-
|
|
147
|
-
def narrow(inputs, axis, start, length):
|
|
148
|
-
"""
|
|
149
|
-
Returns a narrowed tensor from input tensor.
|
|
150
|
-
The dimension axis is input from start to start + length.
|
|
151
|
-
|
|
152
|
-
Args:
|
|
153
|
-
inputs (Tensor): the tensor to narrow.
|
|
154
|
-
axis (int): the axis along which to narrow.
|
|
155
|
-
start (int): the starting dimension.
|
|
156
|
-
length (int): the distance to the ending dimension.
|
|
157
|
-
|
|
158
|
-
Returns:
|
|
159
|
-
Tensor.
|
|
160
|
-
|
|
161
|
-
- output (Tensors) - The narrowed tensor.
|
|
162
|
-
|
|
163
|
-
Raises:
|
|
164
|
-
TypeError: If the input is not a tensor or tuple or list of tensors.
|
|
165
|
-
|
|
166
|
-
Supported Platforms:
|
|
167
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
168
|
-
|
|
169
|
-
Examples:
|
|
170
|
-
>>> import mindspore
|
|
171
|
-
>>> from mindspore import ops
|
|
172
|
-
>>> from mindspore import Tensor
|
|
173
|
-
>>> x = Tensor([[1, 2, 3], [4, 5, 6], [7, 8, 9]], mindspore.int32)
|
|
174
|
-
>>> output = ops.narrow(x, 0, 0, 2)
|
|
175
|
-
>>> print(output)
|
|
176
|
-
[[ 1 2 3]
|
|
177
|
-
[ 4 5 6]]
|
|
178
|
-
>>> output = ops.narrow(x, 1, 1, 2)
|
|
179
|
-
>>> print(output)
|
|
180
|
-
[[ 2 3]
|
|
181
|
-
[ 5 6]
|
|
182
|
-
[ 8 9]]
|
|
183
|
-
"""
|
|
184
|
-
validator.check_axis_in_range(axis, inputs.ndim)
|
|
185
|
-
validator.check_int_range(start, 0, inputs.shape[axis], Rel.INC_LEFT)
|
|
186
|
-
validator.check_int_range(length, 1, inputs.shape[axis] - start, Rel.INC_BOTH)
|
|
187
|
-
|
|
188
|
-
begins = [0] * inputs.ndim
|
|
189
|
-
begins[axis] = start
|
|
190
|
-
sizes = [i for i in inputs.shape]
|
|
191
|
-
sizes[axis] = length
|
|
192
|
-
return P.Slice()(inputs, begins, sizes)
|
|
193
|
-
|
|
194
|
-
|
|
195
|
-
vmap_instance = _Vmap()
|
|
196
|
-
|
|
197
|
-
|
|
198
|
-
def vmap(fn, in_axes=0, out_axes=0):
|
|
199
|
-
r"""
|
|
200
|
-
Vectorizing map (vmap) is a kind of higher-order function to map `fn` along the parameter axes.
|
|
201
|
-
|
|
202
|
-
Vmap is pioneered by Jax and it removes the restriction of batch dimension on the operator, and provides a
|
|
203
|
-
more convenient and unified operator expression. Moreover, it allows users to composite with other functional
|
|
204
|
-
modules such as :func:`mindspore.ops.grad`, to improve the development efficiency. In addition, the vectorizing
|
|
205
|
-
map does not execute loops outside the function, but sinks loops into the primitive operations of the function
|
|
206
|
-
for better performance. When combined with `Graph Kernel Fusion`, operational efficiency would be further improved.
|
|
207
|
-
|
|
208
|
-
.. warning::
|
|
209
|
-
This is an experimental prototype that is subject to change and/or delete.
|
|
210
|
-
|
|
211
|
-
Note:
|
|
212
|
-
1. The power of vmap comes from the implementation of VmapRules of primitives. Although we have designed a
|
|
213
|
-
generalized rule for user custom operators, we can not guarantee that it works well for all operators,
|
|
214
|
-
please be aware the risk of use. If you want to achieve a better performance, please refer to the tutorial to
|
|
215
|
-
implement the specific VmapRule for the custom operator, which won't take too much time.
|
|
216
|
-
2. When calling the random number generation methods within the scope of vmap, the same random number is
|
|
217
|
-
generated among vector functions each time. If you expect each vector branch to use different random numbers,
|
|
218
|
-
you need to generate batch random numbers externally in advance and then transfer them to vmap.
|
|
219
|
-
|
|
220
|
-
Args:
|
|
221
|
-
fn (Union[Cell, Function]): Function to be mapped along the parameter axes, which takes at least one argument
|
|
222
|
-
and returns one or more Tensors or the type of data supported by the MindSpore Tensor.
|
|
223
|
-
in_axes (Union[int, list, tuple]): Specifies which dimensions (axes) of the inputs should be mapped over.
|
|
224
|
-
If `in_axes` is an integer, all arguments of `fn` are mapped over according to this axis index. If `in_axes`
|
|
225
|
-
is a tuple or list, which only composed of integers or Nones and the length should equal to the number of
|
|
226
|
-
positional arguments to `fn`, indicates which axis to map for each corresponding positional argument.
|
|
227
|
-
Note that, axis integers must be in range :math:`[-ndim, ndim)` for each argument, where `ndim` is the
|
|
228
|
-
number of dimensions of the corresponding argument. None means not mapping along any axis. Also the
|
|
229
|
-
mapping axis index of the `in_axes` must have at least one positional parameter not None. The sizes of
|
|
230
|
-
the mapped axes (`axis_size`) for all arguments must be equal. Default: 0.
|
|
231
|
-
out_axes (Union[int, list, tuple]): Specifies where the mapped dimensions (axes) should appear in the
|
|
232
|
-
outputs. If `out_axes` is an integer, all outputs of `fn` are specified according to this axis. If
|
|
233
|
-
`out_axes` is a tuple or list, which only composed of integers or Nones. And its length also should be equal
|
|
234
|
-
to the number of outputs of `fn`. Note that, axis integers must be in range :math:`[-ndim, ndim)` for each
|
|
235
|
-
output, where `ndim` is the dimension of the output of the `vmap`-mapped function. All outputs with a
|
|
236
|
-
non-None mapped axis must specify a non-None `out_axes`, and if outputs with None mapped axis specifies
|
|
237
|
-
a non-None `out_axes`, the result broadcasts across the mapped axis. Default: 0.
|
|
238
|
-
|
|
239
|
-
Returns:
|
|
240
|
-
Function, returns the Vectorized/Batched version function of `fn`. The arguments and outputs of this function
|
|
241
|
-
correspond to those of `fn`, but it adds an extra batch dimension at positions specified by `in_axes` and
|
|
242
|
-
`out_axes`.
|
|
243
|
-
|
|
244
|
-
Raises:
|
|
245
|
-
RuntimeError: If base elements in `in_axes` or `out_axes` are not a None or an integer.
|
|
246
|
-
If the all base elements in `in_axes` or `out_axes` are None.
|
|
247
|
-
If `in_axes` is not single integer, and the length of `in_axes` is not equal to the arguments sizes.
|
|
248
|
-
If `out_axes` is not single integer, and the length of `out_axes` is not equal to the outputs sizes.
|
|
249
|
-
If the `axis_size` of each arguments in the scope of `vmap` are not equal.
|
|
250
|
-
If the axis in `in_axes` or `out_axes` is out of bounds.
|
|
251
|
-
|
|
252
|
-
Supported Platforms:
|
|
253
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
254
|
-
|
|
255
|
-
Examples:
|
|
256
|
-
>>> from mindspore import Tensor
|
|
257
|
-
>>> from mindspore.ops.functional import vmap
|
|
258
|
-
>>> def test_vmap(x, y, z): # ([a],[a],[a]) -> [a]
|
|
259
|
-
... return x + y + z
|
|
260
|
-
>>> x = Tensor(np.array([[1, 2], [3, 4], [5, 6]]).astype(np.float32)) # [b, a]
|
|
261
|
-
>>> y = Tensor(np.array([[-3, -2, -1], [3, 2, 1]]).astype(np.float32)) # [a, b]
|
|
262
|
-
>>> z = Tensor(np.array([0, 3]).astype(np.float32)) # [a]
|
|
263
|
-
>>> output = vmap(test_vmap, in_axes=(0, 1, None), out_axes=1)(x, y, z) # ([b, a],[a, b],[a]) -> [a, b]
|
|
264
|
-
>>> print(output)
|
|
265
|
-
[[-2 1 4]
|
|
266
|
-
[ 8 9 10]]
|
|
267
|
-
"""
|
|
268
|
-
return vmap_instance(fn, in_axes, out_axes)
|
|
269
|
-
|
|
58
|
+
# tuple/list/scalar ops
|
|
59
|
+
scalar_div = _scalar_ops.ScalarDiv()
|
|
60
|
+
scalar_mod = _scalar_ops.ScalarMod()
|
|
61
|
+
scalar_add = _scalar_ops.ScalarAdd()
|
|
62
|
+
scalar_mul = _scalar_ops.ScalarMul()
|
|
63
|
+
scalar_sub = _scalar_ops.ScalarSub()
|
|
64
|
+
scalar_gt = _scalar_ops.scalar_gt()
|
|
65
|
+
scalar_ge = _scalar_ops.scalar_ge()
|
|
66
|
+
scalar_le = _scalar_ops.scalar_le()
|
|
67
|
+
scalar_lt = _scalar_ops.scalar_lt()
|
|
68
|
+
scalar_eq = _scalar_ops.scalar_eq()
|
|
69
|
+
scalar_floordiv = _scalar_ops.ScalarFloordiv()
|
|
270
70
|
|
|
271
71
|
tuple_setitem = Primitive('tuple_setitem')
|
|
272
72
|
tuple_getitem = Primitive(_constants.kTupleGetItem)
|
|
@@ -275,8 +75,8 @@ list_setitem = Primitive('list_setitem')
|
|
|
275
75
|
dict_getitem = Primitive('dict_getitem')
|
|
276
76
|
dict_setitem = Primitive('dict_setitem')
|
|
277
77
|
tuple_div = Primitive("tuple_div")
|
|
278
|
-
tuple_len = Primitive("
|
|
279
|
-
list_len = Primitive("
|
|
78
|
+
tuple_len = Primitive("sequence_len")
|
|
79
|
+
list_len = Primitive("sequence_len")
|
|
280
80
|
tuple_reversed = Primitive("tuple_reversed")
|
|
281
81
|
make_range = Primitive("make_range")
|
|
282
82
|
make_tuple = Primitive('MakeTuple')
|
|
@@ -285,31 +85,17 @@ make_list = Primitive('make_list')
|
|
|
285
85
|
make_slice = Primitive('make_slice')
|
|
286
86
|
tuple_equal = Primitive("tuple_equal")
|
|
287
87
|
list_equal = Primitive("list_equal")
|
|
288
|
-
|
|
289
|
-
scalar_add = Primitive(_constants.kScalarAdd)
|
|
290
|
-
scalar_mul = Primitive(_constants.kScalarMul)
|
|
291
|
-
scalar_sub = Primitive(_constants.kScalarSub)
|
|
292
|
-
scalar_div = Primitive(_constants.kScalarDiv)
|
|
293
|
-
scalar_floordiv = Primitive(_constants.kScalarFloordiv)
|
|
294
88
|
scalar_log = Primitive('scalar_log')
|
|
295
89
|
scalar_pow = Primitive(_constants.kScalarPow)
|
|
296
|
-
scalar_gt = Primitive('scalar_gt')
|
|
297
|
-
scalar_ge = Primitive('scalar_ge')
|
|
298
|
-
scalar_le = Primitive('scalar_le')
|
|
299
|
-
scalar_lt = Primitive('scalar_lt')
|
|
300
|
-
scalar_eq = Primitive('scalar_eq')
|
|
301
90
|
scalar_ne = Primitive('scalar_ne')
|
|
302
91
|
scalar_uadd = Primitive(_constants.kScalarUadd)
|
|
303
92
|
scalar_usub = Primitive(_constants.kScalarUsub)
|
|
304
|
-
scalar_mod = Primitive(_constants.kScalarMod)
|
|
305
93
|
string_eq = Primitive('string_eq')
|
|
306
94
|
string_concat = Primitive('string_concat')
|
|
307
95
|
bool_not = Primitive("bool_not")
|
|
308
96
|
bool_or = Primitive("bool_or")
|
|
309
97
|
bool_and = Primitive("bool_and")
|
|
310
98
|
bool_eq = Primitive("bool_eq")
|
|
311
|
-
cumsum = P.CumSum()
|
|
312
|
-
cumprod = P.CumProd()
|
|
313
99
|
array_to_scalar = Primitive('array_to_scalar')
|
|
314
100
|
is_ = Primitive("is_")
|
|
315
101
|
is_not = Primitive("is_not")
|
|
@@ -317,8 +103,6 @@ in_dict = Primitive("in_dict")
|
|
|
317
103
|
not_in_dict = Primitive("not_in_dict")
|
|
318
104
|
broadcast_gradient_args = Primitive('BroadcastGradientArgs')
|
|
319
105
|
array_reduce = Primitive('array_reduce')
|
|
320
|
-
zeros = P.Zeros()
|
|
321
|
-
zeros_like = P.ZerosLike()
|
|
322
106
|
distribute = Primitive('distribute')
|
|
323
107
|
embed = Primitive('embed')
|
|
324
108
|
ref_to_embed = _grad_ops.RefToEmbed()
|
|
@@ -333,66 +117,105 @@ switch_layer = Primitive('switch_layer')
|
|
|
333
117
|
# for sum bprop
|
|
334
118
|
reduced_shape = Primitive("reduced_shape")
|
|
335
119
|
# shape_mul:input must be shape multiply elements in tuple(shape)
|
|
336
|
-
shape_mul =
|
|
337
|
-
# a primitive to compare between tuple.
|
|
338
|
-
stop_gradient = Primitive("stop_gradient")
|
|
120
|
+
shape_mul = _sequence_ops.shape_mul()
|
|
339
121
|
|
|
340
122
|
tensor_operator_registry.register('add', P.Add)
|
|
341
123
|
tensor_operator_registry.register('addr', addr)
|
|
342
124
|
tensor_operator_registry.register('addcdiv', P.Addcdiv)
|
|
343
125
|
tensor_operator_registry.register('addcmul', P.Addcmul)
|
|
344
126
|
tensor_operator_registry.register('all', P.ReduceAll)
|
|
127
|
+
tensor_operator_registry.register('angle', angle)
|
|
345
128
|
tensor_operator_registry.register('any', P.ReduceAny)
|
|
346
129
|
tensor_operator_registry.register('atan2', atan2)
|
|
347
130
|
tensor_operator_registry.register('abs', P.Abs)
|
|
131
|
+
tensor_operator_registry.register('baddbmm', baddbmm)
|
|
132
|
+
tensor_operator_registry.register('geqrf', geqrf)
|
|
133
|
+
tensor_operator_registry.register('histc', histc)
|
|
134
|
+
tensor_operator_registry.register('real', real)
|
|
135
|
+
tensor_operator_registry.register('reciprocal', reciprocal)
|
|
136
|
+
tensor_operator_registry.register('rsqrt', rsqrt)
|
|
137
|
+
tensor_operator_registry.register('bincount', bincount)
|
|
138
|
+
tensor_operator_registry.register('slogdet', slogdet)
|
|
139
|
+
tensor_operator_registry.register('trace', trace)
|
|
140
|
+
tensor_operator_registry.register('tril', tril)
|
|
141
|
+
tensor_operator_registry.register('chunk', chunk)
|
|
348
142
|
tensor_operator_registry.register('sqrt', sqrt)
|
|
349
143
|
tensor_operator_registry.register('square', square)
|
|
350
144
|
tensor_operator_registry.register('sub', sub)
|
|
145
|
+
tensor_operator_registry.register('triu', triu)
|
|
351
146
|
tensor_operator_registry.register('tan', P.Tan)
|
|
147
|
+
tensor_operator_registry.register('t', t)
|
|
352
148
|
tensor_operator_registry.register('acos', acos)
|
|
353
149
|
tensor_operator_registry.register('cos', cos)
|
|
354
150
|
tensor_operator_registry.register('acosh', acosh)
|
|
355
151
|
tensor_operator_registry.register('cosh', P.Cosh)
|
|
152
|
+
tensor_operator_registry.register('cov', cov)
|
|
356
153
|
tensor_operator_registry.register('asin', asin)
|
|
154
|
+
tensor_operator_registry.register('sin', sin)
|
|
155
|
+
tensor_operator_registry.register('sinc', sinc)
|
|
357
156
|
tensor_operator_registry.register('pow', P.Pow)
|
|
157
|
+
tensor_operator_registry.register('negative', neg)
|
|
358
158
|
tensor_operator_registry.register('amin', amin)
|
|
359
159
|
tensor_operator_registry.register('amax', amax)
|
|
360
160
|
tensor_operator_registry.register('mean', P.ReduceMean)
|
|
361
161
|
tensor_operator_registry.register('prod', prod)
|
|
362
162
|
tensor_operator_registry.register('round', P.Round)
|
|
363
163
|
tensor_operator_registry.register('reshape', P.Reshape)
|
|
164
|
+
tensor_operator_registry.register('reverse', P.ReverseV2)
|
|
364
165
|
tensor_operator_registry.register('reverse_sequence', P.ReverseSequence)
|
|
365
166
|
tensor_operator_registry.register('xlogy', P.Xlogy)
|
|
366
|
-
tensor_operator_registry.register('flatten',
|
|
167
|
+
tensor_operator_registry.register('flatten', flatten)
|
|
367
168
|
tensor_operator_registry.register('transpose', P.Transpose)
|
|
368
169
|
tensor_operator_registry.register('broadcast_to', P.BroadcastTo)
|
|
369
170
|
tensor_operator_registry.register('matmul', matmul)
|
|
171
|
+
tensor_operator_registry.register('inner', inner)
|
|
370
172
|
tensor_operator_registry.register('xdivy', P.Xdivy)
|
|
371
173
|
tensor_operator_registry.register('argmax', P.Argmax)
|
|
174
|
+
tensor_operator_registry.register('argmin', P.Argmin)
|
|
372
175
|
tensor_operator_registry.register('cumsum', P.CumSum)
|
|
373
176
|
tensor_operator_registry.register('cummin', cummin)
|
|
374
177
|
tensor_operator_registry.register('cummax', cummax)
|
|
178
|
+
tensor_operator_registry.register('nelement', numel)
|
|
179
|
+
tensor_operator_registry.register('numel', numel)
|
|
180
|
+
tensor_operator_registry.register('positive', positive)
|
|
181
|
+
tensor_operator_registry.register('permute', permute)
|
|
182
|
+
tensor_operator_registry.register('remainder', remainder)
|
|
375
183
|
tensor_operator_registry.register('index_fill', index_fill)
|
|
184
|
+
tensor_operator_registry.register('index_select', index_select)
|
|
185
|
+
tensor_operator_registry.register('flip', flip)
|
|
186
|
+
tensor_operator_registry.register('fliplr', fliplr)
|
|
187
|
+
tensor_operator_registry.register('flipud', flipud)
|
|
188
|
+
tensor_operator_registry.register('float_power', float_power)
|
|
189
|
+
tensor_operator_registry.register('fmod', fmod)
|
|
190
|
+
tensor_operator_registry.register('is_floating_point', is_floating_point)
|
|
376
191
|
tensor_operator_registry.register('bitwise_and', bitwise_and)
|
|
377
192
|
tensor_operator_registry.register('bitwise_or', bitwise_or)
|
|
378
193
|
tensor_operator_registry.register('bitwise_xor', bitwise_xor)
|
|
194
|
+
tensor_operator_registry.register('bitwise_left_shift', bitwise_left_shift)
|
|
195
|
+
tensor_operator_registry.register('bitwise_right_shift', bitwise_right_shift)
|
|
379
196
|
tensor_operator_registry.register('ger', ger)
|
|
380
197
|
tensor_operator_registry.register('reduce_max', P.ReduceMax)
|
|
381
198
|
tensor_operator_registry.register('reduce_min', P.ReduceMin)
|
|
382
199
|
tensor_operator_registry.register('random_categorical', random_categorical)
|
|
383
|
-
tensor_operator_registry.register('maximum', P.Maximum)
|
|
384
200
|
tensor_operator_registry.register('mirror_pad', P.MirrorPad)
|
|
385
201
|
tensor_operator_registry.register('minimum', P.Minimum)
|
|
386
|
-
tensor_operator_registry.register('
|
|
202
|
+
tensor_operator_registry.register('matrix_power', matrix_power)
|
|
203
|
+
tensor_operator_registry.register('det', det)
|
|
204
|
+
tensor_operator_registry.register('dot', dot)
|
|
387
205
|
tensor_operator_registry.register('log1p', log1p)
|
|
206
|
+
tensor_operator_registry.register('logdet', logdet)
|
|
388
207
|
tensor_operator_registry.register('log_matrix_determinant', log_matrix_determinant)
|
|
208
|
+
tensor_operator_registry.register('matrix_determinant', matrix_determinant)
|
|
389
209
|
tensor_operator_registry.register('ceil', P.Ceil)
|
|
390
210
|
tensor_operator_registry.register('fill', P.Fill)
|
|
391
211
|
tensor_operator_registry.register('tile', P.Tile)
|
|
392
|
-
tensor_operator_registry.register('logical_not', P.LogicalNot)
|
|
393
212
|
tensor_operator_registry.register('logit', logit)
|
|
394
213
|
tensor_operator_registry.register('sum', P.ReduceSum)
|
|
395
|
-
tensor_operator_registry.register('split',
|
|
214
|
+
tensor_operator_registry.register('split', split)
|
|
215
|
+
tensor_operator_registry.register('tensor_split', tensor_split)
|
|
216
|
+
tensor_operator_registry.register('vsplit', vsplit)
|
|
217
|
+
tensor_operator_registry.register('hsplit', hsplit)
|
|
218
|
+
tensor_operator_registry.register('dsplit', dsplit)
|
|
396
219
|
tensor_operator_registry.register('select', P.Select)
|
|
397
220
|
tensor_operator_registry.register('zeros_like', P.ZerosLike)
|
|
398
221
|
tensor_operator_registry.register('scalar_to_tensor', scalar_to_tensor)
|
|
@@ -400,19 +223,31 @@ tensor_operator_registry.register('stop_gradient', stop_gradient)
|
|
|
400
223
|
tensor_operator_registry.register('masked_fill', masked_fill)
|
|
401
224
|
tensor_operator_registry.register('masked_select', masked_select)
|
|
402
225
|
tensor_operator_registry.register('nonzero', nonzero)
|
|
226
|
+
tensor_operator_registry.register('i0', i0)
|
|
403
227
|
tensor_operator_registry.register('isclose', isclose)
|
|
228
|
+
tensor_operator_registry.register('isneginf', isneginf)
|
|
229
|
+
tensor_operator_registry.register('isposinf', isposinf)
|
|
230
|
+
tensor_operator_registry.register('isreal', isreal)
|
|
404
231
|
tensor_operator_registry.register('inv', inv)
|
|
232
|
+
tensor_operator_registry.register('digamma', digamma)
|
|
233
|
+
tensor_operator_registry.register('lgamma', lgamma)
|
|
234
|
+
tensor_operator_registry.register('logaddexp', logaddexp)
|
|
235
|
+
tensor_operator_registry.register('logaddexp2', logaddexp2)
|
|
236
|
+
tensor_operator_registry.register('logsumexp', logsumexp)
|
|
237
|
+
tensor_operator_registry.register('inverse', inverse)
|
|
405
238
|
tensor_operator_registry.register('invert', invert)
|
|
406
239
|
tensor_operator_registry.register('hardshrink', P.HShrink)
|
|
407
|
-
tensor_operator_registry.register('
|
|
240
|
+
tensor_operator_registry.register('heaviside', heaviside)
|
|
241
|
+
tensor_operator_registry.register('hypot', hypot)
|
|
242
|
+
tensor_operator_registry.register('soft_shrink', soft_shrink)
|
|
408
243
|
tensor_operator_registry.register('svd', linalg_ops.Svd)
|
|
409
244
|
tensor_operator_registry.register('diag', P.Diag)
|
|
245
|
+
tensor_operator_registry.register('diagflat', diagflat)
|
|
410
246
|
tensor_operator_registry.register('unique_consecutive', UniqueConsecutive)
|
|
411
247
|
tensor_operator_registry.register('unique_with_pad', P.UniqueWithPad)
|
|
412
|
-
tensor_operator_registry.register('inplace_update', P.
|
|
248
|
+
tensor_operator_registry.register('inplace_update', P.InplaceUpdateV2)
|
|
413
249
|
tensor_operator_registry.register('col2im', col2im)
|
|
414
250
|
tensor_operator_registry.register('standard_laplace', P.StandardLaplace)
|
|
415
|
-
tensor_operator_registry.register('split', P.Split)
|
|
416
251
|
tensor_operator_registry.register('erf', P.Erf)
|
|
417
252
|
tensor_operator_registry.register('erfc', P.Erfc)
|
|
418
253
|
tensor_operator_registry.register('standard_normal', P.StandardNormal)
|
|
@@ -420,11 +255,32 @@ tensor_operator_registry.register('sigmoid', P.Sigmoid)
|
|
|
420
255
|
tensor_operator_registry.register('median', Median)
|
|
421
256
|
tensor_operator_registry.register('tanh', tanh)
|
|
422
257
|
tensor_operator_registry.register('exp', P.Exp)
|
|
258
|
+
tensor_operator_registry.register('addbmm', addbmm)
|
|
259
|
+
tensor_operator_registry.register('addmm', addmm)
|
|
423
260
|
tensor_operator_registry.register('addmv', addmv)
|
|
261
|
+
tensor_operator_registry.register('adjoint', adjoint)
|
|
424
262
|
tensor_operator_registry.register('asinh', asinh)
|
|
263
|
+
tensor_operator_registry.register('arcsinh', arcsinh)
|
|
425
264
|
tensor_operator_registry.register('atan', atan)
|
|
426
265
|
tensor_operator_registry.register('atanh', atanh)
|
|
266
|
+
tensor_operator_registry.register('arctanh', arctanh)
|
|
427
267
|
tensor_operator_registry.register('bmm', bmm)
|
|
268
|
+
tensor_operator_registry.register('conj', conj)
|
|
269
|
+
tensor_operator_registry.register('cross', cross)
|
|
270
|
+
tensor_operator_registry.register('erfinv', erfinv)
|
|
271
|
+
tensor_operator_registry.register('less_equal', less_equal)
|
|
272
|
+
tensor_operator_registry.register('lcm', lcm)
|
|
273
|
+
tensor_operator_registry.register('ldexp', ldexp)
|
|
274
|
+
tensor_operator_registry.register('clamp', clamp)
|
|
275
|
+
tensor_operator_registry.register('fold', fold)
|
|
276
|
+
tensor_operator_registry.register('unfold', unfold)
|
|
277
|
+
tensor_operator_registry.register('index_add', index_add)
|
|
278
|
+
tensor_operator_registry.register('greater', greater)
|
|
279
|
+
tensor_operator_registry.register('greater_equal', greater_equal)
|
|
280
|
+
tensor_operator_registry.register('igamma', igamma)
|
|
281
|
+
tensor_operator_registry.register('igammac', igammac)
|
|
282
|
+
tensor_operator_registry.register('nextafter', nextafter)
|
|
283
|
+
tensor_operator_registry.register('qr', qr)
|
|
428
284
|
# ms cannot support Tensor(True) compare
|
|
429
285
|
tensor_operator_registry.register('__eq__', equal)
|
|
430
286
|
tensor_operator_registry.register('__ne__', not_equal)
|
|
@@ -434,15 +290,18 @@ tensor_operator_registry.register('__le__', tensor_le)
|
|
|
434
290
|
tensor_operator_registry.register('__gt__', tensor_gt)
|
|
435
291
|
tensor_operator_registry.register('__ge__', tensor_ge)
|
|
436
292
|
tensor_operator_registry.register('__logical_not__', logical_not)
|
|
293
|
+
tensor_operator_registry.register('gt', P.Greater)
|
|
294
|
+
tensor_operator_registry.register('ge', P.GreaterEqual)
|
|
437
295
|
tensor_operator_registry.register('shape', shape)
|
|
438
296
|
tensor_operator_registry.register('squeeze', squeeze)
|
|
297
|
+
tensor_operator_registry.register('unsqueeze', unsqueeze)
|
|
439
298
|
tensor_operator_registry.register('expand_dims', expand_dims)
|
|
440
299
|
# support GE backend for no compare operators
|
|
441
300
|
tensor_operator_registry.register('cast', cast)
|
|
442
301
|
tensor_operator_registry.register('shape_mul', shape_mul)
|
|
302
|
+
tensor_operator_registry.register('concatenate', P.Concat)
|
|
443
303
|
tensor_operator_registry.register('fill', fill)
|
|
444
304
|
tensor_operator_registry.register('fills', fills)
|
|
445
|
-
tensor_operator_registry.register('concatenate', P.Concat)
|
|
446
305
|
tensor_operator_registry.register('eye', eye)
|
|
447
306
|
tensor_operator_registry.register('reduce_sum', reduce_sum)
|
|
448
307
|
tensor_operator_registry.register('tensor_slice', tensor_slice)
|
|
@@ -453,7 +312,10 @@ tensor_operator_registry.register('gather_elements', gather_elements)
|
|
|
453
312
|
tensor_operator_registry.register('gather_nd', gather_nd)
|
|
454
313
|
tensor_operator_registry.register('stack', stack)
|
|
455
314
|
tensor_operator_registry.register('unstack', unstack)
|
|
315
|
+
tensor_operator_registry.register('unbind', P.Unstack)
|
|
456
316
|
tensor_operator_registry.register('log', log)
|
|
317
|
+
tensor_operator_registry.register('log10', log10)
|
|
318
|
+
tensor_operator_registry.register('log2', log2)
|
|
457
319
|
tensor_operator_registry.register('lerp', lerp)
|
|
458
320
|
tensor_operator_registry.register('floor', floor)
|
|
459
321
|
# support sparse tensor operators
|
|
@@ -463,18 +325,26 @@ tensor_operator_registry.register('csr2coo', csr2coo)
|
|
|
463
325
|
tensor_operator_registry.register('coo2csr', coo2csr)
|
|
464
326
|
tensor_operator_registry.register('csr_div', csr_div)
|
|
465
327
|
tensor_operator_registry.register('csr_mv', csr_mv)
|
|
466
|
-
tensor_operator_registry.register('
|
|
328
|
+
tensor_operator_registry.register('csr_mm_akg', _csr_ops.CSRMM)
|
|
329
|
+
tensor_operator_registry.register('csr_mm', csr_mm)
|
|
467
330
|
tensor_operator_registry.register('csr_reduce_sum', csr_reduce_sum)
|
|
468
331
|
tensor_operator_registry.register('dense_to_sparse_csr', dense_to_sparse_csr)
|
|
469
332
|
tensor_operator_registry.register('dense_to_sparse_coo', dense_to_sparse_coo)
|
|
470
333
|
tensor_operator_registry.register('csr_to_dense', csr_to_dense)
|
|
471
334
|
tensor_operator_registry.register('narrow', narrow)
|
|
472
335
|
tensor_operator_registry.register('sort', sort)
|
|
336
|
+
tensor_operator_registry.register('argsort', argsort)
|
|
337
|
+
tensor_operator_registry.register('msort', msort)
|
|
338
|
+
tensor_operator_registry.register('mm', mm)
|
|
339
|
+
tensor_operator_registry.register('nan_to_num', nan_to_num)
|
|
340
|
+
tensor_operator_registry.register('nansum', nansum)
|
|
473
341
|
tensor_operator_registry.register('csr_to_coo', csr_to_coo)
|
|
474
342
|
tensor_operator_registry.register('zeros', zeros)
|
|
343
|
+
tensor_operator_registry.register('ones', ones)
|
|
475
344
|
tensor_operator_registry.register('unsorted_segment_min', unsorted_segment_min)
|
|
476
345
|
tensor_operator_registry.register('unsorted_segment_max', unsorted_segment_max)
|
|
477
346
|
tensor_operator_registry.register('unsorted_segment_prod', unsorted_segment_prod)
|
|
347
|
+
tensor_operator_registry.register('scatter', scatter)
|
|
478
348
|
tensor_operator_registry.register('tensor_scatter_update', tensor_scatter_update)
|
|
479
349
|
tensor_operator_registry.register('tensor_scatter_mul', tensor_scatter_mul)
|
|
480
350
|
tensor_operator_registry.register('tensor_scatter_div', tensor_scatter_div)
|
|
@@ -483,14 +353,72 @@ tensor_operator_registry.register('tensor_scatter_max', P.TensorScatterMax)
|
|
|
483
353
|
tensor_operator_registry.register('tensor_scatter_sub', tensor_scatter_sub)
|
|
484
354
|
tensor_operator_registry.register('tensor_scatter_add', tensor_scatter_add)
|
|
485
355
|
tensor_operator_registry.register('bernoulli', bernoulli)
|
|
356
|
+
tensor_operator_registry.register('poisson', P.Poisson)
|
|
357
|
+
tensor_operator_registry.register('randperm', P.Randperm)
|
|
358
|
+
tensor_operator_registry.register('multinomial', multinomial)
|
|
486
359
|
tensor_operator_registry.register('norm', norm)
|
|
487
360
|
tensor_operator_registry.register('renorm', renorm)
|
|
488
361
|
tensor_operator_registry.register('adaptive_max_pool2d', AdaptiveMaxPool2D)
|
|
489
362
|
tensor_operator_registry.register('coalesce', coalesce)
|
|
490
363
|
tensor_operator_registry.register('argmax_with_value', max)
|
|
491
364
|
tensor_operator_registry.register('argmin_with_value', min)
|
|
492
|
-
tensor_operator_registry.register('
|
|
493
|
-
tensor_operator_registry.register('
|
|
365
|
+
tensor_operator_registry.register('argwhere', argwhere)
|
|
366
|
+
tensor_operator_registry.register('coo_add', coo_add)
|
|
367
|
+
tensor_operator_registry.register('topk', topk)
|
|
494
368
|
tensor_operator_registry.register('isfinite', P.IsFinite)
|
|
369
|
+
tensor_operator_registry.register('to', P.Cast)
|
|
370
|
+
tensor_operator_registry.register('bool', P.Cast)
|
|
371
|
+
tensor_operator_registry.register('float', P.Cast)
|
|
372
|
+
tensor_operator_registry.register('half', P.Cast)
|
|
373
|
+
tensor_operator_registry.register('int', P.Cast)
|
|
374
|
+
tensor_operator_registry.register('long', P.Cast)
|
|
375
|
+
tensor_operator_registry.register('cholesky', P.Cholesky)
|
|
376
|
+
tensor_operator_registry.register('cholesky_inverse', P.CholeskyInverse)
|
|
377
|
+
tensor_operator_registry.register('expand', expand)
|
|
378
|
+
tensor_operator_registry.register('cumprod', cumprod)
|
|
379
|
+
tensor_operator_registry.register('diff', diff)
|
|
380
|
+
tensor_operator_registry.register('div', div)
|
|
381
|
+
tensor_operator_registry.register('equal', equal)
|
|
382
|
+
tensor_operator_registry.register('expm1', expm1)
|
|
383
|
+
tensor_operator_registry.register('frac', frac)
|
|
384
|
+
tensor_operator_registry.register('isinf', isinf)
|
|
385
|
+
tensor_operator_registry.register('isnan', isnan)
|
|
386
|
+
tensor_operator_registry.register('is_complex', is_complex)
|
|
387
|
+
tensor_operator_registry.register('le', le)
|
|
388
|
+
tensor_operator_registry.register('less', less)
|
|
389
|
+
tensor_operator_registry.register('logical_and', logical_and)
|
|
390
|
+
tensor_operator_registry.register('logical_not', logical_not)
|
|
391
|
+
tensor_operator_registry.register('logical_or', logical_or)
|
|
392
|
+
tensor_operator_registry.register('logical_xor', logical_xor)
|
|
393
|
+
tensor_operator_registry.register('lstsq', lstsq)
|
|
394
|
+
tensor_operator_registry.register('mvlgamma', mvlgamma)
|
|
395
|
+
tensor_operator_registry.register('maximum', maximum)
|
|
396
|
+
tensor_operator_registry.register('max', max)
|
|
397
|
+
tensor_operator_registry.register('min', min)
|
|
398
|
+
tensor_operator_registry.register('mul', mul)
|
|
399
|
+
tensor_operator_registry.register('multiply', multiply)
|
|
400
|
+
tensor_operator_registry.register('moveaxis', moveaxis)
|
|
401
|
+
tensor_operator_registry.register('movedim', movedim)
|
|
402
|
+
tensor_operator_registry.register('neg', neg)
|
|
403
|
+
tensor_operator_registry.register('ne', ne)
|
|
404
|
+
tensor_operator_registry.register('not_equal', not_equal)
|
|
405
|
+
tensor_operator_registry.register('sgn', sgn)
|
|
406
|
+
tensor_operator_registry.register('sign', sign)
|
|
407
|
+
tensor_operator_registry.register('signbit', signbit)
|
|
408
|
+
tensor_operator_registry.register('sinh', sinh)
|
|
409
|
+
tensor_operator_registry.register('trunc', trunc)
|
|
410
|
+
tensor_operator_registry.register('where', where)
|
|
411
|
+
tensor_operator_registry.register('imag', imag)
|
|
412
|
+
tensor_operator_registry.register('repeat_interleave', repeat_interleave)
|
|
413
|
+
tensor_operator_registry.register('rad2deg', rad2deg)
|
|
414
|
+
tensor_operator_registry.register('deg2rad', deg2rad)
|
|
415
|
+
tensor_operator_registry.register('copysign', copysign)
|
|
416
|
+
tensor_operator_registry.register('roll', Roll)
|
|
417
|
+
tensor_operator_registry.register('rot90', rot90)
|
|
418
|
+
tensor_operator_registry.register('swapaxes', swapaxes)
|
|
419
|
+
tensor_operator_registry.register('swapdims', swapdims)
|
|
420
|
+
tensor_operator_registry.register('repeat_elements', repeat_elements)
|
|
421
|
+
tensor_operator_registry.register('top_k', P.TopK)
|
|
422
|
+
|
|
495
423
|
__all__ = [name for name in dir() if name[0] != "_"]
|
|
496
424
|
__all__.remove('Primitive')
|