mindspore 2.0.0a0__cp37-none-any.whl → 2.0.0rc1__cp37-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/Third_Party_Open_Source_Software_Notice +9064 -0
- mindspore/__init__.py +4 -2
- mindspore/_akg/akg/composite/build_module.py +11 -0
- mindspore/_akg/akg/config/repository_cuda.json +11 -0
- mindspore/_akg/akg/tvm/contrib/nvcc.py +4 -3
- mindspore/_c_dataengine.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +102 -0
- mindspore/_checkparam.py +1066 -1001
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +4 -3
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -48
- mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
- mindspore/_extends/parse/__init__.py +5 -3
- mindspore/_extends/parse/namespace.py +16 -1
- mindspore/_extends/parse/parser.py +107 -22
- mindspore/_extends/parse/resources.py +0 -7
- mindspore/_extends/parse/standard_method.py +885 -413
- mindspore/_mindspore_offline_debug.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/amp.py +52 -57
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/boost.py +2 -2
- mindspore/boost/boost_cell_wrapper.py +38 -20
- mindspore/boost/dim_reduce.py +3 -3
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/common/__init__.py +4 -6
- 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 +41 -7
- mindspore/common/api.py +215 -141
- mindspore/common/dtype.py +8 -1
- mindspore/common/dump.py +2 -2
- mindspore/common/initializer.py +4 -2
- mindspore/common/jit_config.py +17 -13
- mindspore/common/mutable.py +33 -13
- mindspore/common/parameter.py +23 -21
- mindspore/common/seed.py +8 -24
- mindspore/common/sparse_tensor.py +62 -41
- mindspore/common/tensor.py +852 -1154
- mindspore/communication/__init__.py +2 -2
- mindspore/communication/_comm_helper.py +11 -4
- mindspore/communication/management.py +22 -21
- mindspore/config/op_info.config +501 -1008
- mindspore/config/super_bar_config.json +512 -0
- mindspore/context.py +201 -23
- mindspore/dataset/__init__.py +6 -6
- mindspore/dataset/audio/__init__.py +7 -7
- mindspore/dataset/audio/transforms.py +670 -30
- mindspore/dataset/audio/utils.py +47 -4
- mindspore/dataset/audio/validators.py +223 -1
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/core/config.py +210 -14
- mindspore/dataset/core/validator_helpers.py +2 -2
- 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 +1 -1
- mindspore/dataset/engine/datasets.py +322 -66
- mindspore/dataset/engine/datasets_audio.py +80 -76
- mindspore/dataset/engine/datasets_standard_format.py +51 -38
- mindspore/dataset/engine/datasets_text.py +232 -118
- mindspore/dataset/engine/datasets_user_defined.py +41 -17
- mindspore/dataset/engine/datasets_vision.py +746 -225
- mindspore/dataset/engine/graphdata.py +75 -10
- mindspore/dataset/engine/iterators.py +45 -5
- mindspore/dataset/engine/offload.py +48 -28
- mindspore/dataset/engine/validators.py +117 -8
- mindspore/dataset/text/__init__.py +6 -5
- mindspore/dataset/text/transforms.py +86 -3
- mindspore/dataset/text/utils.py +6 -4
- mindspore/dataset/text/validators.py +25 -0
- mindspore/dataset/transforms/__init__.py +3 -2
- mindspore/dataset/transforms/c_transforms.py +1 -1
- mindspore/dataset/transforms/transforms.py +2 -2
- mindspore/dataset/utils/__init__.py +2 -1
- mindspore/dataset/utils/line_reader.py +121 -0
- mindspore/dataset/vision/__init__.py +2 -3
- mindspore/dataset/vision/c_transforms.py +9 -9
- mindspore/dataset/vision/py_transforms.py +5 -5
- mindspore/dataset/vision/py_transforms_util.py +2 -0
- mindspore/dataset/vision/transforms.py +160 -161
- mindspore/dataset/vision/utils.py +3 -3
- mindspore/experimental/map_parameter.py +38 -26
- 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 +44 -9
- mindspore/include/api/delegate.h +1 -1
- 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_parallel_runner.h +2 -2
- mindspore/include/api/net.h +12 -11
- mindspore/include/api/serialization.h +19 -3
- mindspore/include/api/types.h +3 -3
- mindspore/include/dataset/constants.h +7 -0
- mindspore/include/dataset/text.h +59 -0
- mindspore/include/mindapi/base/type_id.h +1 -0
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libicudata.so.69 +0 -0
- mindspore/lib/libicui18n.so.69 +0 -0
- mindspore/lib/libicuuc.so.69 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_glog.so.0 +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libmpi_adapter.so +0 -0
- mindspore/lib/libmpi_collective.so +0 -0
- mindspore/lib/libnnacl.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
- mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
- mindspore/lib/libps_cache.so +0 -0
- mindspore/lib/plugin/ascend/libakg.so +0 -0
- mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/cpu/libakg.so +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
- mindspore/lib/plugin/{libmindspore_ascend.so → libmindspore_ascend.so.2} +0 -0
- mindspore/log.py +1 -1
- mindspore/mindrecord/filereader.py +18 -0
- mindspore/mindrecord/filewriter.py +197 -34
- mindspore/mindrecord/shardreader.py +9 -0
- mindspore/mindrecord/shardwriter.py +1 -1
- mindspore/mindrecord/tools/cifar100_to_mr.py +3 -3
- mindspore/mindrecord/tools/cifar10_to_mr.py +3 -3
- mindspore/mindrecord/tools/csv_to_mr.py +3 -3
- mindspore/mindrecord/tools/imagenet_to_mr.py +16 -11
- mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
- mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
- mindspore/nn/__init__.py +0 -4
- mindspore/nn/cell.py +204 -132
- mindspore/nn/dynamic_lr.py +1 -1
- mindspore/nn/grad/cell_grad.py +7 -6
- mindspore/nn/layer/__init__.py +5 -4
- mindspore/nn/layer/activation.py +40 -89
- mindspore/nn/layer/basic.py +255 -624
- mindspore/nn/layer/channel_shuffle.py +7 -6
- mindspore/nn/layer/combined.py +1 -1
- mindspore/nn/layer/container.py +41 -4
- mindspore/nn/layer/conv.py +64 -28
- mindspore/nn/layer/dense.py +9 -8
- mindspore/nn/layer/embedding.py +27 -25
- mindspore/nn/layer/image.py +53 -46
- mindspore/nn/layer/math.py +97 -105
- mindspore/nn/layer/normalization.py +117 -86
- mindspore/nn/layer/padding.py +185 -95
- mindspore/nn/layer/pooling.py +817 -414
- mindspore/nn/layer/rnn_cells.py +10 -15
- mindspore/nn/layer/rnns.py +37 -38
- mindspore/nn/layer/thor_layer.py +11 -12
- 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 +5 -4
- mindspore/nn/loss/loss.py +334 -199
- mindspore/nn/optim/ada_grad.py +6 -6
- mindspore/nn/optim/adadelta.py +2 -3
- mindspore/nn/optim/adafactor.py +4 -5
- mindspore/nn/optim/adam.py +126 -62
- mindspore/nn/optim/adamax.py +3 -4
- mindspore/nn/optim/adasum.py +6 -6
- mindspore/nn/optim/asgd.py +2 -2
- mindspore/nn/optim/ftrl.py +67 -38
- mindspore/nn/optim/lamb.py +4 -5
- mindspore/nn/optim/lars.py +2 -2
- mindspore/nn/optim/lazyadam.py +43 -4
- mindspore/nn/optim/momentum.py +6 -5
- mindspore/nn/optim/optimizer.py +3 -1
- mindspore/nn/optim/proximal_ada_grad.py +2 -2
- mindspore/nn/optim/rmsprop.py +1 -1
- mindspore/nn/optim/rprop.py +8 -9
- mindspore/nn/optim/sgd.py +19 -13
- mindspore/nn/optim/thor.py +10 -15
- mindspore/nn/probability/__init__.py +0 -2
- mindspore/nn/probability/bijector/bijector.py +4 -4
- mindspore/nn/probability/bijector/invert.py +1 -1
- 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/_utils/utils.py +9 -15
- mindspore/nn/probability/distribution/bernoulli.py +3 -3
- mindspore/nn/probability/distribution/beta.py +1 -1
- mindspore/nn/probability/distribution/categorical.py +5 -7
- mindspore/nn/probability/distribution/cauchy.py +3 -3
- mindspore/nn/probability/distribution/distribution.py +2 -2
- mindspore/nn/probability/distribution/exponential.py +2 -2
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +1 -1
- mindspore/nn/probability/distribution/gumbel.py +3 -3
- mindspore/nn/probability/distribution/half_normal.py +15 -11
- mindspore/nn/probability/distribution/laplace.py +16 -13
- mindspore/nn/probability/distribution/logistic.py +2 -2
- mindspore/nn/probability/distribution/normal.py +1 -1
- mindspore/nn/probability/distribution/poisson.py +1 -1
- mindspore/nn/probability/distribution/student_t.py +20 -15
- mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
- mindspore/nn/probability/distribution/uniform.py +2 -2
- mindspore/nn/reinforcement/_tensors_queue.py +3 -3
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +2 -2
- mindspore/nn/wrap/cell_wrapper.py +27 -10
- mindspore/nn/wrap/grad_reducer.py +2 -2
- mindspore/nn/wrap/loss_scale.py +40 -24
- mindspore/numpy/array_creations.py +33 -22
- mindspore/numpy/array_ops.py +35 -30
- mindspore/numpy/logic_ops.py +6 -27
- mindspore/numpy/math_ops.py +22 -19
- mindspore/numpy/utils.py +1 -1
- mindspore/numpy/utils_const.py +108 -58
- mindspore/ops/_constants.py +0 -6
- mindspore/ops/_grad/__init__.py +2 -1
- mindspore/ops/_grad/grad_array_ops.py +86 -117
- mindspore/ops/_grad/grad_base.py +23 -1
- mindspore/ops/_grad/grad_clip_ops.py +2 -3
- mindspore/ops/_grad/grad_comm_ops.py +34 -24
- mindspore/ops/_grad/grad_implementations.py +9 -45
- mindspore/ops/_grad/grad_inner_ops.py +47 -4
- mindspore/ops/_grad/grad_math_ops.py +142 -117
- mindspore/ops/_grad/grad_nn_ops.py +71 -165
- mindspore/ops/_grad/grad_sequence_ops.py +296 -0
- mindspore/ops/_grad/grad_sparse.py +7 -6
- mindspore/ops/_grad_experimental/__init__.py +1 -0
- mindspore/ops/_grad_experimental/grad_array_ops.py +150 -15
- mindspore/ops/_grad_experimental/grad_image_ops.py +16 -7
- mindspore/ops/_grad_experimental/grad_inner_ops.py +1 -22
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +4 -11
- mindspore/ops/_grad_experimental/grad_math_ops.py +210 -89
- mindspore/ops/_grad_experimental/grad_nn_ops.py +26 -22
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +49 -8
- mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +2 -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 +4 -4
- 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 +2 -2
- mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -5
- 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_impl.py +0 -4
- 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 +236 -4
- mindspore/ops/_op_impl/aicpu/abs.py +36 -0
- mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_v1.py → adaptive_avg_pool_2d.py} +6 -5
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -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/batch_matmul.py +43 -43
- mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
- mindspore/{compression/common/__init__.py → ops/_op_impl/aicpu/bessel_i0.py} +15 -8
- mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
- mindspore/ops/_op_impl/aicpu/conj.py +11 -0
- mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +0 -3
- mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
- mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_grad_v1.py → digamma.py} +7 -9
- 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/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/aicpu/less.py +41 -0
- mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/lgamma.py} +16 -10
- mindspore/ops/_op_impl/aicpu/mirror_pad.py +0 -4
- 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/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/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/randperm_v2.py +41 -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/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/smooth_l1_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -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_slice.py +4 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +6 -0
- mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
- mindspore/ops/_op_impl/aicpu/trans_data.py +1 -0
- mindspore/ops/_op_impl/aicpu/tril_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/dynamic_shape.py +5 -1
- mindspore/ops/_op_impl/cpu/sparse_slice.py +4 -0
- mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +6 -0
- mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
- mindspore/ops/_op_impl/tbe/__init__.py +27 -611
- 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/batch_matmul_ds.py +1 -0
- 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/bn_infer_grad.py +4 -2
- 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/data_format_dim_map_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +2 -2
- 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/{index_add.py → inplace_index_add.py} +3 -6
- mindspore/ops/_op_impl/tbe/matmul_ds.py +2 -0
- 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/scatter_mul.py +2 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -2
- 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/trans_data_ds.py +15 -5
- mindspore/ops/_register_for_op.py +1 -0
- mindspore/ops/_utils/__init__.py +1 -2
- mindspore/ops/_utils/utils.py +19 -40
- mindspore/ops/_vmap/vmap_array_ops.py +116 -38
- mindspore/ops/_vmap/vmap_base.py +16 -9
- 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 +7 -5
- mindspore/ops/_vmap/vmap_image_ops.py +12 -5
- mindspore/ops/_vmap/vmap_math_ops.py +46 -5
- mindspore/ops/_vmap/vmap_nn_ops.py +15 -21
- mindspore/ops/_vmap/vmap_random_ops.py +1 -1
- mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
- 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/BatchNormGrad_bprop.mindir +0 -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 +220 -106
- mindspore/ops/bprop_mindir/CTCLoss_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/DeformableOffsets_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -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 -23
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -17
- 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/Elu_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +39 -41
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +41 -43
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +51 -57
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- 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/LogSoftmax_bprop.mindir +23 -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/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/OneHot_bprop.mindir +24 -25
- 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/ReLU6_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +53 -53
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +77 -85
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
- 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/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/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +37 -39
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +70 -72
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +17 -17
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
- mindspore/ops/bprop_mindir/generate_mindir.py +2 -0
- mindspore/ops/composite/__init__.py +7 -8
- mindspore/ops/composite/base.py +101 -47
- mindspore/ops/composite/math_ops.py +188 -158
- mindspore/ops/composite/multitype_ops/_compile_utils.py +415 -170
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +142 -87
- mindspore/ops/composite/multitype_ops/add_impl.py +6 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +2 -3
- mindspore/ops/composite/multitype_ops/getitem_impl.py +31 -3
- 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 +9 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +21 -5
- mindspore/ops/composite/multitype_ops/not_in_impl.py +9 -0
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
- mindspore/ops/composite/multitype_ops/setitem_impl.py +21 -3
- mindspore/ops/composite/multitype_ops/sub_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +35 -4
- mindspore/ops/function/__init__.py +152 -8
- mindspore/ops/function/array_func.py +2555 -674
- mindspore/ops/function/clip_func.py +209 -13
- mindspore/ops/function/debug_func.py +2 -2
- mindspore/ops/function/grad/__init__.py +2 -1
- mindspore/ops/function/grad/grad_func.py +147 -62
- mindspore/ops/function/image_func.py +54 -38
- mindspore/ops/function/linalg_func.py +167 -16
- mindspore/ops/function/math_func.py +4849 -1492
- mindspore/ops/function/nn_func.py +2573 -988
- mindspore/ops/function/other_func.py +115 -0
- mindspore/ops/function/parameter_func.py +3 -3
- mindspore/ops/function/random_func.py +790 -73
- mindspore/ops/function/sparse_func.py +98 -78
- mindspore/ops/function/sparse_unary_func.py +54 -53
- mindspore/ops/function/spectral_func.py +27 -24
- mindspore/ops/function/vmap_func.py +22 -2
- mindspore/ops/functional.py +97 -37
- mindspore/ops/op_info_register.py +70 -28
- mindspore/ops/operations/__init__.py +47 -14
- mindspore/ops/operations/_csr_ops.py +7 -7
- mindspore/ops/operations/_embedding_cache_ops.py +5 -5
- mindspore/ops/operations/_grad_ops.py +276 -187
- mindspore/ops/operations/_inner_ops.py +319 -113
- mindspore/ops/operations/_ms_kernel.py +10 -8
- mindspore/ops/operations/_ocr_ops.py +9 -9
- mindspore/ops/operations/_opaque_predicate_registry.py +4 -0
- mindspore/ops/operations/_quant_ops.py +137 -102
- mindspore/ops/operations/_rl_inner_ops.py +121 -60
- mindspore/ops/operations/_scalar_ops.py +466 -0
- mindspore/ops/operations/_sequence_ops.py +1004 -2
- mindspore/ops/operations/_tensor_array.py +10 -11
- mindspore/ops/operations/_thor_ops.py +1 -1
- mindspore/ops/operations/array_ops.py +801 -466
- mindspore/ops/operations/comm_ops.py +51 -49
- mindspore/ops/operations/control_ops.py +2 -2
- mindspore/ops/operations/custom_ops.py +123 -44
- mindspore/ops/operations/debug_ops.py +24 -24
- mindspore/ops/operations/image_ops.py +240 -153
- mindspore/ops/operations/inner_ops.py +34 -50
- mindspore/ops/operations/linalg_ops.py +31 -9
- mindspore/ops/operations/math_ops.py +988 -757
- mindspore/ops/operations/nn_ops.py +965 -819
- mindspore/ops/operations/other_ops.py +51 -40
- mindspore/ops/operations/random_ops.py +204 -122
- mindspore/ops/operations/rl_ops.py +8 -9
- mindspore/ops/operations/sparse_ops.py +254 -93
- mindspore/ops/operations/spectral_ops.py +35 -3
- mindspore/ops/primitive.py +111 -9
- mindspore/parallel/_auto_parallel_context.py +189 -83
- mindspore/parallel/_offload_context.py +185 -0
- mindspore/parallel/_parallel_serialization.py +99 -7
- mindspore/parallel/_ps_context.py +9 -5
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +7 -1
- mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
- mindspore/{nn/transformer → parallel/_transformer}/layers.py +6 -37
- mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
- mindspore/{nn/transformer → parallel/_transformer}/moe.py +20 -16
- mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
- mindspore/{nn/transformer → parallel/_transformer}/transformer.py +48 -111
- mindspore/parallel/_utils.py +1 -2
- mindspore/parallel/algo_parameter_config.py +1 -1
- mindspore/parallel/checkpoint_transform.py +37 -34
- mindspore/parallel/shard.py +17 -18
- mindspore/profiler/common/validator/validate_path.py +2 -2
- mindspore/profiler/envprofiling.py +69 -47
- mindspore/profiler/parser/ascend_timeline_generator.py +49 -42
- mindspore/profiler/parser/base_timeline_generator.py +49 -56
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +98 -78
- mindspore/profiler/parser/hwts_log_parser.py +1 -1
- mindspore/profiler/parser/integrator.py +15 -14
- mindspore/profiler/parser/minddata_analyzer.py +2 -2
- mindspore/profiler/parser/msadvisor_analyzer.py +12 -25
- mindspore/profiler/parser/msadvisor_parser.py +2 -4
- mindspore/profiler/parser/optime_parser.py +17 -18
- mindspore/profiler/parser/profiler_info.py +2 -1
- mindspore/profiler/profiling.py +218 -186
- mindspore/rewrite/__init__.py +3 -1
- mindspore/rewrite/api/node.py +1 -114
- mindspore/rewrite/api/node_type.py +3 -0
- mindspore/rewrite/api/pattern_engine.py +31 -1
- mindspore/rewrite/api/scoped_value.py +4 -4
- mindspore/rewrite/api/symbol_tree.py +3 -78
- mindspore/rewrite/api/tree_node_helper.py +1 -1
- mindspore/rewrite/ast_creator_register.py +1 -0
- mindspore/rewrite/ast_helpers/__init__.py +2 -2
- mindspore/rewrite/ast_helpers/ast_creator.py +1 -2
- mindspore/rewrite/ast_helpers/ast_finder.py +65 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +11 -3
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +18 -2
- mindspore/rewrite/namespace.py +0 -2
- mindspore/rewrite/node.py +157 -11
- mindspore/rewrite/parsers/assign_parser.py +231 -53
- mindspore/rewrite/parsers/class_def_parser.py +187 -109
- mindspore/rewrite/parsers/for_parser.py +24 -14
- mindspore/rewrite/parsers/function_def_parser.py +21 -4
- mindspore/rewrite/parsers/if_parser.py +6 -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 +256 -133
- mindspore/rewrite/symbol_tree_builder.py +38 -1
- mindspore/run_check/_check_version.py +69 -63
- mindspore/run_check/run_check.py +2 -1
- mindspore/scipy/linalg.py +10 -114
- mindspore/scipy/ops.py +2 -2
- mindspore/scipy/ops_wrapper.py +1 -1
- mindspore/scipy/optimize/_bfgs.py +1 -1
- mindspore/scipy/optimize/_lagrange.py +200 -0
- mindspore/scipy/optimize/line_search.py +3 -2
- mindspore/scipy/optimize/minimize.py +41 -2
- mindspore/scipy/sparse/__init__.py +2 -2
- mindspore/scipy/sparse/linalg.py +4 -464
- mindspore/scipy/utils.py +1 -1
- mindspore/scipy/utils_const.py +7 -1
- mindspore/train/__init__.py +1 -1
- mindspore/train/_utils.py +28 -5
- mindspore/train/amp.py +273 -102
- mindspore/train/callback/_backup_and_restore.py +5 -5
- mindspore/train/callback/_callback.py +2 -2
- mindspore/train/callback/_checkpoint.py +3 -3
- mindspore/train/callback/_early_stop.py +3 -3
- mindspore/train/callback/_lambda_callback.py +2 -2
- mindspore/train/callback/_landscape.py +29 -31
- mindspore/train/callback/_loss_monitor.py +3 -3
- mindspore/train/callback/_on_request_exit.py +3 -3
- mindspore/train/callback/_reduce_lr_on_plateau.py +4 -4
- mindspore/train/callback/_summary_collector.py +23 -16
- mindspore/train/callback/_time_monitor.py +3 -3
- mindspore/train/checkpoint_pb2.py +68 -8
- mindspore/train/data_sink.py +15 -3
- mindspore/train/dataset_helper.py +10 -15
- mindspore/train/loss_scale_manager.py +8 -11
- mindspore/train/metrics/__init__.py +1 -1
- mindspore/train/metrics/bleu_score.py +1 -1
- mindspore/train/metrics/confusion_matrix.py +1 -1
- mindspore/train/metrics/cosine_similarity.py +1 -1
- mindspore/train/metrics/dice.py +2 -2
- mindspore/train/metrics/fbeta.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +4 -3
- mindspore/train/metrics/mean_surface_distance.py +2 -2
- mindspore/train/metrics/occlusion_sensitivity.py +1 -1
- mindspore/train/metrics/perplexity.py +1 -1
- mindspore/train/metrics/precision.py +1 -1
- mindspore/train/metrics/recall.py +1 -1
- mindspore/train/metrics/roc.py +2 -2
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +116 -37
- mindspore/train/model.py +45 -28
- mindspore/train/serialization.py +295 -188
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/summary_record.py +43 -13
- mindspore/train/train_thor/convert_utils.py +2 -2
- mindspore/train/train_thor/dataset_helper.py +3 -3
- mindspore/version.py +1 -1
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +3 -2
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +648 -574
- mindspore/compression/__init__.py +0 -19
- mindspore/compression/common/constant.py +0 -124
- mindspore/compression/export/__init__.py +0 -19
- mindspore/compression/export/quant_export.py +0 -515
- mindspore/compression/quant/__init__.py +0 -28
- mindspore/compression/quant/qat.py +0 -634
- mindspore/compression/quant/quant_utils.py +0 -462
- mindspore/compression/quant/quantizer.py +0 -68
- mindspore/nn/layer/quant.py +0 -1868
- mindspore/nn/layer/rnn_utils.py +0 -90
- mindspore/nn/probability/dpn/__init__.py +0 -22
- mindspore/nn/probability/dpn/vae/__init__.py +0 -25
- mindspore/nn/probability/dpn/vae/cvae.py +0 -140
- mindspore/nn/probability/dpn/vae/vae.py +0 -124
- 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 -364
- 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/aicpu/parallel_concat.py +0 -42
- mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
- mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Cast_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/MatMul_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/Transpose_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -15
- mindspore/ops/composite/array_ops.py +0 -241
- mindspore/ops/composite/clip_ops.py +0 -134
- mindspore/ops/composite/random_ops.py +0 -426
- mindspore/ops/composite/vmap_ops.py +0 -38
- 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-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
mindspore/ops/functional.py
CHANGED
|
@@ -19,17 +19,15 @@
|
|
|
19
19
|
from mindspore.common._register_for_tensor import tensor_operator_registry
|
|
20
20
|
from mindspore.ops import _constants
|
|
21
21
|
from mindspore.ops.function import *
|
|
22
|
-
from mindspore.ops.function.
|
|
23
|
-
from mindspore.ops.function.sparse_func import csr_mm
|
|
24
|
-
from mindspore.ops.function.array_func import narrow
|
|
22
|
+
from mindspore.ops.function.array_func import narrow, flatten
|
|
25
23
|
from mindspore.ops import operations as P
|
|
26
24
|
from mindspore.ops.primitive import Primitive
|
|
27
|
-
from mindspore.ops.operations import _grad_ops, _csr_ops, _inner_ops, linalg_ops
|
|
25
|
+
from mindspore.ops.operations import _grad_ops, _csr_ops, _inner_ops, linalg_ops, _scalar_ops, _sequence_ops
|
|
28
26
|
from mindspore.ops.operations.math_ops import Median
|
|
29
|
-
from mindspore.ops.operations.array_ops import UniqueConsecutive
|
|
27
|
+
from mindspore.ops.operations.array_ops import UniqueConsecutive
|
|
30
28
|
from mindspore.ops.operations.nn_ops import AdaptiveMaxPool2D
|
|
31
29
|
from mindspore.ops.operations.math_ops import Roll
|
|
32
|
-
from mindspore.ops.composite.
|
|
30
|
+
from mindspore.ops.composite.math_ops import mm, dot
|
|
33
31
|
|
|
34
32
|
typeof = Primitive('typeof')
|
|
35
33
|
hastype = Primitive('hastype')
|
|
@@ -43,19 +41,32 @@ reduce_sum = P.ReduceSum()
|
|
|
43
41
|
reduce_max = P.ReduceMax()
|
|
44
42
|
reduce_min = P.ReduceMin()
|
|
45
43
|
reduce_mean = P.ReduceMean()
|
|
46
|
-
sort = P.Sort()
|
|
47
44
|
tensor_range = P.Range()
|
|
48
45
|
tensor_scatter_update = P.TensorScatterUpdate()
|
|
49
46
|
scatter_nd_update = P.ScatterNdUpdate()
|
|
50
47
|
mixed_precision_cast = _inner_ops.MixedPrecisionCast()
|
|
51
|
-
partial = P.Partial()
|
|
52
|
-
# depend: mount a node to another node
|
|
53
|
-
depend = P.Depend()
|
|
54
|
-
identity = P.identity()
|
|
55
48
|
|
|
56
49
|
# Dynamic shape
|
|
57
50
|
is_sequence_value_unknown = Primitive("IsShapeUnKnown")
|
|
58
51
|
is_sequence_shape_unknown = Primitive("IsDimUnKnown")
|
|
52
|
+
is_dynamic_sequence_element_unknown = Primitive("IsElementUnknown")
|
|
53
|
+
|
|
54
|
+
partial = P.Partial()
|
|
55
|
+
# depend: mount a node to another node
|
|
56
|
+
depend = P.Depend()
|
|
57
|
+
identity = P.identity()
|
|
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()
|
|
59
70
|
|
|
60
71
|
tuple_setitem = Primitive('tuple_setitem')
|
|
61
72
|
tuple_getitem = Primitive(_constants.kTupleGetItem)
|
|
@@ -74,22 +85,11 @@ make_list = Primitive('make_list')
|
|
|
74
85
|
make_slice = Primitive('make_slice')
|
|
75
86
|
tuple_equal = Primitive("tuple_equal")
|
|
76
87
|
list_equal = Primitive("list_equal")
|
|
77
|
-
scalar_add = Primitive(_constants.kScalarAdd)
|
|
78
|
-
scalar_mul = Primitive(_constants.kScalarMul)
|
|
79
|
-
scalar_sub = Primitive(_constants.kScalarSub)
|
|
80
|
-
scalar_div = Primitive(_constants.kScalarDiv)
|
|
81
|
-
scalar_floordiv = Primitive(_constants.kScalarFloordiv)
|
|
82
88
|
scalar_log = Primitive('scalar_log')
|
|
83
89
|
scalar_pow = Primitive(_constants.kScalarPow)
|
|
84
|
-
scalar_gt = Primitive('scalar_gt')
|
|
85
|
-
scalar_ge = Primitive('scalar_ge')
|
|
86
|
-
scalar_le = Primitive('scalar_le')
|
|
87
|
-
scalar_lt = Primitive('scalar_lt')
|
|
88
|
-
scalar_eq = Primitive('scalar_eq')
|
|
89
90
|
scalar_ne = Primitive('scalar_ne')
|
|
90
91
|
scalar_uadd = Primitive(_constants.kScalarUadd)
|
|
91
92
|
scalar_usub = Primitive(_constants.kScalarUsub)
|
|
92
|
-
scalar_mod = Primitive(_constants.kScalarMod)
|
|
93
93
|
string_eq = Primitive('string_eq')
|
|
94
94
|
string_concat = Primitive('string_concat')
|
|
95
95
|
bool_not = Primitive("bool_not")
|
|
@@ -103,8 +103,6 @@ in_dict = Primitive("in_dict")
|
|
|
103
103
|
not_in_dict = Primitive("not_in_dict")
|
|
104
104
|
broadcast_gradient_args = Primitive('BroadcastGradientArgs')
|
|
105
105
|
array_reduce = Primitive('array_reduce')
|
|
106
|
-
zeros = P.Zeros()
|
|
107
|
-
zeros_like = P.ZerosLike()
|
|
108
106
|
distribute = Primitive('distribute')
|
|
109
107
|
embed = Primitive('embed')
|
|
110
108
|
ref_to_embed = _grad_ops.RefToEmbed()
|
|
@@ -119,7 +117,7 @@ switch_layer = Primitive('switch_layer')
|
|
|
119
117
|
# for sum bprop
|
|
120
118
|
reduced_shape = Primitive("reduced_shape")
|
|
121
119
|
# shape_mul:input must be shape multiply elements in tuple(shape)
|
|
122
|
-
shape_mul =
|
|
120
|
+
shape_mul = _sequence_ops.shape_mul()
|
|
123
121
|
|
|
124
122
|
tensor_operator_registry.register('add', P.Add)
|
|
125
123
|
tensor_operator_registry.register('addr', addr)
|
|
@@ -131,16 +129,30 @@ tensor_operator_registry.register('any', P.ReduceAny)
|
|
|
131
129
|
tensor_operator_registry.register('atan2', atan2)
|
|
132
130
|
tensor_operator_registry.register('abs', P.Abs)
|
|
133
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)
|
|
134
142
|
tensor_operator_registry.register('sqrt', sqrt)
|
|
135
143
|
tensor_operator_registry.register('square', square)
|
|
136
144
|
tensor_operator_registry.register('sub', sub)
|
|
137
|
-
tensor_operator_registry.register('triu',
|
|
145
|
+
tensor_operator_registry.register('triu', triu)
|
|
138
146
|
tensor_operator_registry.register('tan', P.Tan)
|
|
147
|
+
tensor_operator_registry.register('t', t)
|
|
139
148
|
tensor_operator_registry.register('acos', acos)
|
|
140
149
|
tensor_operator_registry.register('cos', cos)
|
|
141
150
|
tensor_operator_registry.register('acosh', acosh)
|
|
142
151
|
tensor_operator_registry.register('cosh', P.Cosh)
|
|
152
|
+
tensor_operator_registry.register('cov', cov)
|
|
143
153
|
tensor_operator_registry.register('asin', asin)
|
|
154
|
+
tensor_operator_registry.register('sin', sin)
|
|
155
|
+
tensor_operator_registry.register('sinc', sinc)
|
|
144
156
|
tensor_operator_registry.register('pow', P.Pow)
|
|
145
157
|
tensor_operator_registry.register('negative', neg)
|
|
146
158
|
tensor_operator_registry.register('amin', amin)
|
|
@@ -152,10 +164,11 @@ tensor_operator_registry.register('reshape', P.Reshape)
|
|
|
152
164
|
tensor_operator_registry.register('reverse', P.ReverseV2)
|
|
153
165
|
tensor_operator_registry.register('reverse_sequence', P.ReverseSequence)
|
|
154
166
|
tensor_operator_registry.register('xlogy', P.Xlogy)
|
|
155
|
-
tensor_operator_registry.register('flatten',
|
|
167
|
+
tensor_operator_registry.register('flatten', flatten)
|
|
156
168
|
tensor_operator_registry.register('transpose', P.Transpose)
|
|
157
169
|
tensor_operator_registry.register('broadcast_to', P.BroadcastTo)
|
|
158
170
|
tensor_operator_registry.register('matmul', matmul)
|
|
171
|
+
tensor_operator_registry.register('inner', inner)
|
|
159
172
|
tensor_operator_registry.register('xdivy', P.Xdivy)
|
|
160
173
|
tensor_operator_registry.register('argmax', P.Argmax)
|
|
161
174
|
tensor_operator_registry.register('argmin', P.Argmin)
|
|
@@ -168,28 +181,41 @@ tensor_operator_registry.register('positive', positive)
|
|
|
168
181
|
tensor_operator_registry.register('permute', permute)
|
|
169
182
|
tensor_operator_registry.register('remainder', remainder)
|
|
170
183
|
tensor_operator_registry.register('index_fill', index_fill)
|
|
184
|
+
tensor_operator_registry.register('index_select', index_select)
|
|
171
185
|
tensor_operator_registry.register('flip', flip)
|
|
172
186
|
tensor_operator_registry.register('fliplr', fliplr)
|
|
173
187
|
tensor_operator_registry.register('flipud', flipud)
|
|
188
|
+
tensor_operator_registry.register('float_power', float_power)
|
|
189
|
+
tensor_operator_registry.register('fmod', fmod)
|
|
174
190
|
tensor_operator_registry.register('is_floating_point', is_floating_point)
|
|
175
191
|
tensor_operator_registry.register('bitwise_and', bitwise_and)
|
|
176
192
|
tensor_operator_registry.register('bitwise_or', bitwise_or)
|
|
177
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)
|
|
178
196
|
tensor_operator_registry.register('ger', ger)
|
|
179
197
|
tensor_operator_registry.register('reduce_max', P.ReduceMax)
|
|
180
198
|
tensor_operator_registry.register('reduce_min', P.ReduceMin)
|
|
181
199
|
tensor_operator_registry.register('random_categorical', random_categorical)
|
|
182
200
|
tensor_operator_registry.register('mirror_pad', P.MirrorPad)
|
|
183
201
|
tensor_operator_registry.register('minimum', P.Minimum)
|
|
184
|
-
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)
|
|
185
205
|
tensor_operator_registry.register('log1p', log1p)
|
|
206
|
+
tensor_operator_registry.register('logdet', logdet)
|
|
186
207
|
tensor_operator_registry.register('log_matrix_determinant', log_matrix_determinant)
|
|
208
|
+
tensor_operator_registry.register('matrix_determinant', matrix_determinant)
|
|
187
209
|
tensor_operator_registry.register('ceil', P.Ceil)
|
|
188
210
|
tensor_operator_registry.register('fill', P.Fill)
|
|
189
211
|
tensor_operator_registry.register('tile', P.Tile)
|
|
190
212
|
tensor_operator_registry.register('logit', logit)
|
|
191
213
|
tensor_operator_registry.register('sum', P.ReduceSum)
|
|
192
|
-
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)
|
|
193
219
|
tensor_operator_registry.register('select', P.Select)
|
|
194
220
|
tensor_operator_registry.register('zeros_like', P.ZerosLike)
|
|
195
221
|
tensor_operator_registry.register('scalar_to_tensor', scalar_to_tensor)
|
|
@@ -199,23 +225,29 @@ tensor_operator_registry.register('masked_select', masked_select)
|
|
|
199
225
|
tensor_operator_registry.register('nonzero', nonzero)
|
|
200
226
|
tensor_operator_registry.register('i0', i0)
|
|
201
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)
|
|
202
231
|
tensor_operator_registry.register('inv', inv)
|
|
232
|
+
tensor_operator_registry.register('digamma', digamma)
|
|
233
|
+
tensor_operator_registry.register('lgamma', lgamma)
|
|
203
234
|
tensor_operator_registry.register('logaddexp', logaddexp)
|
|
204
235
|
tensor_operator_registry.register('logaddexp2', logaddexp2)
|
|
205
236
|
tensor_operator_registry.register('logsumexp', logsumexp)
|
|
237
|
+
tensor_operator_registry.register('inverse', inverse)
|
|
206
238
|
tensor_operator_registry.register('invert', invert)
|
|
207
239
|
tensor_operator_registry.register('hardshrink', P.HShrink)
|
|
208
240
|
tensor_operator_registry.register('heaviside', heaviside)
|
|
209
241
|
tensor_operator_registry.register('hypot', hypot)
|
|
210
|
-
tensor_operator_registry.register('soft_shrink',
|
|
242
|
+
tensor_operator_registry.register('soft_shrink', soft_shrink)
|
|
211
243
|
tensor_operator_registry.register('svd', linalg_ops.Svd)
|
|
212
244
|
tensor_operator_registry.register('diag', P.Diag)
|
|
245
|
+
tensor_operator_registry.register('diagflat', diagflat)
|
|
213
246
|
tensor_operator_registry.register('unique_consecutive', UniqueConsecutive)
|
|
214
247
|
tensor_operator_registry.register('unique_with_pad', P.UniqueWithPad)
|
|
215
|
-
tensor_operator_registry.register('inplace_update', P.
|
|
248
|
+
tensor_operator_registry.register('inplace_update', P.InplaceUpdateV2)
|
|
216
249
|
tensor_operator_registry.register('col2im', col2im)
|
|
217
250
|
tensor_operator_registry.register('standard_laplace', P.StandardLaplace)
|
|
218
|
-
tensor_operator_registry.register('split', P.Split)
|
|
219
251
|
tensor_operator_registry.register('erf', P.Erf)
|
|
220
252
|
tensor_operator_registry.register('erfc', P.Erfc)
|
|
221
253
|
tensor_operator_registry.register('standard_normal', P.StandardNormal)
|
|
@@ -228,8 +260,10 @@ tensor_operator_registry.register('addmm', addmm)
|
|
|
228
260
|
tensor_operator_registry.register('addmv', addmv)
|
|
229
261
|
tensor_operator_registry.register('adjoint', adjoint)
|
|
230
262
|
tensor_operator_registry.register('asinh', asinh)
|
|
263
|
+
tensor_operator_registry.register('arcsinh', arcsinh)
|
|
231
264
|
tensor_operator_registry.register('atan', atan)
|
|
232
265
|
tensor_operator_registry.register('atanh', atanh)
|
|
266
|
+
tensor_operator_registry.register('arctanh', arctanh)
|
|
233
267
|
tensor_operator_registry.register('bmm', bmm)
|
|
234
268
|
tensor_operator_registry.register('conj', conj)
|
|
235
269
|
tensor_operator_registry.register('cross', cross)
|
|
@@ -237,6 +271,7 @@ tensor_operator_registry.register('erfinv', erfinv)
|
|
|
237
271
|
tensor_operator_registry.register('less_equal', less_equal)
|
|
238
272
|
tensor_operator_registry.register('lcm', lcm)
|
|
239
273
|
tensor_operator_registry.register('ldexp', ldexp)
|
|
274
|
+
tensor_operator_registry.register('clamp', clamp)
|
|
240
275
|
tensor_operator_registry.register('fold', fold)
|
|
241
276
|
tensor_operator_registry.register('unfold', unfold)
|
|
242
277
|
tensor_operator_registry.register('index_add', index_add)
|
|
@@ -244,6 +279,8 @@ tensor_operator_registry.register('greater', greater)
|
|
|
244
279
|
tensor_operator_registry.register('greater_equal', greater_equal)
|
|
245
280
|
tensor_operator_registry.register('igamma', igamma)
|
|
246
281
|
tensor_operator_registry.register('igammac', igammac)
|
|
282
|
+
tensor_operator_registry.register('nextafter', nextafter)
|
|
283
|
+
tensor_operator_registry.register('qr', qr)
|
|
247
284
|
# ms cannot support Tensor(True) compare
|
|
248
285
|
tensor_operator_registry.register('__eq__', equal)
|
|
249
286
|
tensor_operator_registry.register('__ne__', not_equal)
|
|
@@ -262,9 +299,9 @@ tensor_operator_registry.register('expand_dims', expand_dims)
|
|
|
262
299
|
# support GE backend for no compare operators
|
|
263
300
|
tensor_operator_registry.register('cast', cast)
|
|
264
301
|
tensor_operator_registry.register('shape_mul', shape_mul)
|
|
302
|
+
tensor_operator_registry.register('concatenate', P.Concat)
|
|
265
303
|
tensor_operator_registry.register('fill', fill)
|
|
266
304
|
tensor_operator_registry.register('fills', fills)
|
|
267
|
-
tensor_operator_registry.register('concatenate', P.Concat)
|
|
268
305
|
tensor_operator_registry.register('eye', eye)
|
|
269
306
|
tensor_operator_registry.register('reduce_sum', reduce_sum)
|
|
270
307
|
tensor_operator_registry.register('tensor_slice', tensor_slice)
|
|
@@ -296,11 +333,18 @@ tensor_operator_registry.register('dense_to_sparse_coo', dense_to_sparse_coo)
|
|
|
296
333
|
tensor_operator_registry.register('csr_to_dense', csr_to_dense)
|
|
297
334
|
tensor_operator_registry.register('narrow', narrow)
|
|
298
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)
|
|
299
341
|
tensor_operator_registry.register('csr_to_coo', csr_to_coo)
|
|
300
342
|
tensor_operator_registry.register('zeros', zeros)
|
|
343
|
+
tensor_operator_registry.register('ones', ones)
|
|
301
344
|
tensor_operator_registry.register('unsorted_segment_min', unsorted_segment_min)
|
|
302
345
|
tensor_operator_registry.register('unsorted_segment_max', unsorted_segment_max)
|
|
303
346
|
tensor_operator_registry.register('unsorted_segment_prod', unsorted_segment_prod)
|
|
347
|
+
tensor_operator_registry.register('scatter', scatter)
|
|
304
348
|
tensor_operator_registry.register('tensor_scatter_update', tensor_scatter_update)
|
|
305
349
|
tensor_operator_registry.register('tensor_scatter_mul', tensor_scatter_mul)
|
|
306
350
|
tensor_operator_registry.register('tensor_scatter_div', tensor_scatter_div)
|
|
@@ -311,15 +355,16 @@ tensor_operator_registry.register('tensor_scatter_add', tensor_scatter_add)
|
|
|
311
355
|
tensor_operator_registry.register('bernoulli', bernoulli)
|
|
312
356
|
tensor_operator_registry.register('poisson', P.Poisson)
|
|
313
357
|
tensor_operator_registry.register('randperm', P.Randperm)
|
|
314
|
-
tensor_operator_registry.register('multinomial',
|
|
358
|
+
tensor_operator_registry.register('multinomial', multinomial)
|
|
315
359
|
tensor_operator_registry.register('norm', norm)
|
|
316
360
|
tensor_operator_registry.register('renorm', renorm)
|
|
317
361
|
tensor_operator_registry.register('adaptive_max_pool2d', AdaptiveMaxPool2D)
|
|
318
362
|
tensor_operator_registry.register('coalesce', coalesce)
|
|
319
363
|
tensor_operator_registry.register('argmax_with_value', max)
|
|
320
364
|
tensor_operator_registry.register('argmin_with_value', min)
|
|
321
|
-
tensor_operator_registry.register('
|
|
322
|
-
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)
|
|
323
368
|
tensor_operator_registry.register('isfinite', P.IsFinite)
|
|
324
369
|
tensor_operator_registry.register('to', P.Cast)
|
|
325
370
|
tensor_operator_registry.register('bool', P.Cast)
|
|
@@ -331,11 +376,14 @@ tensor_operator_registry.register('cholesky', P.Cholesky)
|
|
|
331
376
|
tensor_operator_registry.register('cholesky_inverse', P.CholeskyInverse)
|
|
332
377
|
tensor_operator_registry.register('expand', expand)
|
|
333
378
|
tensor_operator_registry.register('cumprod', cumprod)
|
|
379
|
+
tensor_operator_registry.register('diff', diff)
|
|
334
380
|
tensor_operator_registry.register('div', div)
|
|
335
381
|
tensor_operator_registry.register('equal', equal)
|
|
336
382
|
tensor_operator_registry.register('expm1', expm1)
|
|
383
|
+
tensor_operator_registry.register('frac', frac)
|
|
337
384
|
tensor_operator_registry.register('isinf', isinf)
|
|
338
385
|
tensor_operator_registry.register('isnan', isnan)
|
|
386
|
+
tensor_operator_registry.register('is_complex', is_complex)
|
|
339
387
|
tensor_operator_registry.register('le', le)
|
|
340
388
|
tensor_operator_registry.register('less', less)
|
|
341
389
|
tensor_operator_registry.register('logical_and', logical_and)
|
|
@@ -345,13 +393,21 @@ tensor_operator_registry.register('logical_xor', logical_xor)
|
|
|
345
393
|
tensor_operator_registry.register('lstsq', lstsq)
|
|
346
394
|
tensor_operator_registry.register('mvlgamma', mvlgamma)
|
|
347
395
|
tensor_operator_registry.register('maximum', maximum)
|
|
396
|
+
tensor_operator_registry.register('max', max)
|
|
397
|
+
tensor_operator_registry.register('min', min)
|
|
348
398
|
tensor_operator_registry.register('mul', mul)
|
|
349
399
|
tensor_operator_registry.register('multiply', multiply)
|
|
400
|
+
tensor_operator_registry.register('moveaxis', moveaxis)
|
|
401
|
+
tensor_operator_registry.register('movedim', movedim)
|
|
350
402
|
tensor_operator_registry.register('neg', neg)
|
|
351
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)
|
|
352
408
|
tensor_operator_registry.register('sinh', sinh)
|
|
353
|
-
tensor_operator_registry.register('sort', P.Sort)
|
|
354
409
|
tensor_operator_registry.register('trunc', trunc)
|
|
410
|
+
tensor_operator_registry.register('where', where)
|
|
355
411
|
tensor_operator_registry.register('imag', imag)
|
|
356
412
|
tensor_operator_registry.register('repeat_interleave', repeat_interleave)
|
|
357
413
|
tensor_operator_registry.register('rad2deg', rad2deg)
|
|
@@ -359,6 +415,10 @@ tensor_operator_registry.register('deg2rad', deg2rad)
|
|
|
359
415
|
tensor_operator_registry.register('copysign', copysign)
|
|
360
416
|
tensor_operator_registry.register('roll', Roll)
|
|
361
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)
|
|
362
422
|
|
|
363
423
|
__all__ = [name for name in dir() if name[0] != "_"]
|
|
364
424
|
__all__.remove('Primitive')
|