mindspore 2.0.0a0__cp37-cp37m-win_amd64.whl → 2.0.0rc1__cp37-cp37m-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +4 -2
- mindspore/_c_dataengine.cp37-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp37-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp37-win_amd64.pyd +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/amp.py +52 -57
- 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/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/jpeg62.dll +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/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/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/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- 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/tinyxml2.dll +0 -0
- 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/turbojpeg.dll +0 -0
- 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 +610 -541
- 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
|
@@ -23,7 +23,7 @@ import os
|
|
|
23
23
|
import functools
|
|
24
24
|
|
|
25
25
|
from mindspore._c_expression import Oplib
|
|
26
|
-
from mindspore
|
|
26
|
+
from mindspore import _checkparam as validator
|
|
27
27
|
|
|
28
28
|
# path of built-in op info register.
|
|
29
29
|
BUILT_IN_OPS_REGISTER_PATH = "mindspore/ops/_op_impl"
|
|
@@ -272,10 +272,12 @@ class RegOp:
|
|
|
272
272
|
raise ValueError("input size add output size must be equal to dtype format size")
|
|
273
273
|
dtype_format = []
|
|
274
274
|
for arg in args:
|
|
275
|
-
if not isinstance(arg, tuple) or len(arg) != 2:
|
|
276
|
-
raise ValueError("dtype and format value must be tuple of two elements")
|
|
275
|
+
if not isinstance(arg, tuple) or (len(arg) != 2 and len(arg) != 3):
|
|
276
|
+
raise ValueError("dtype and format value must be tuple of two or three elements")
|
|
277
277
|
self._is_string(arg[0])
|
|
278
278
|
self._is_string(arg[1])
|
|
279
|
+
if len(arg) == 3:
|
|
280
|
+
self._is_string(arg[2])
|
|
279
281
|
dtype_format.append(arg)
|
|
280
282
|
self.dtype_format_.append(tuple(dtype_format))
|
|
281
283
|
return self
|
|
@@ -291,9 +293,15 @@ class RegOp:
|
|
|
291
293
|
op_info = {}
|
|
292
294
|
for key, value in self.__dict__.items():
|
|
293
295
|
if isinstance(key, str) and key.endswith('_'):
|
|
294
|
-
|
|
295
|
-
|
|
296
|
-
|
|
296
|
+
key = key.rstrip('_')
|
|
297
|
+
key_dic = {"dynamic_shape_support": "dynamicShapeSupport",
|
|
298
|
+
"dynamic_rank_support": "dynamicRankSupport",
|
|
299
|
+
"dynamic_compile_static": "dynamicCompileStatic",
|
|
300
|
+
"need_check_support": "needCheckSupport",
|
|
301
|
+
"dynamic_format": "dynamicFormat"
|
|
302
|
+
}
|
|
303
|
+
key = key_dic.get(key, key)
|
|
304
|
+
op_info[key] = value
|
|
297
305
|
return op_info
|
|
298
306
|
|
|
299
307
|
|
|
@@ -315,7 +323,7 @@ class CpuRegOp(RegOp):
|
|
|
315
323
|
kwargs (dict): Other information of the input.
|
|
316
324
|
"""
|
|
317
325
|
param_list = [index, name, param_type]
|
|
318
|
-
key_list = ["index", "name", "
|
|
326
|
+
key_list = ["index", "name", "paramType"]
|
|
319
327
|
fn_list = [self._is_int, self._is_string, self._is_string]
|
|
320
328
|
input_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
321
329
|
self.inputs.append(input_dict)
|
|
@@ -332,7 +340,7 @@ class CpuRegOp(RegOp):
|
|
|
332
340
|
kwargs (dict): Other information of the output.
|
|
333
341
|
"""
|
|
334
342
|
param_list = [index, name, param_type]
|
|
335
|
-
key_list = ["index", "name", "
|
|
343
|
+
key_list = ["index", "name", "paramType"]
|
|
336
344
|
fn_list = [self._is_int, self._is_string, self._is_string]
|
|
337
345
|
output_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
338
346
|
self.outputs.append(output_dict)
|
|
@@ -375,7 +383,7 @@ class AkgRegOp(RegOp):
|
|
|
375
383
|
kwargs (dict): Other information of the input.
|
|
376
384
|
"""
|
|
377
385
|
param_list = [index, name, param_type]
|
|
378
|
-
key_list = ["index", "name", "
|
|
386
|
+
key_list = ["index", "name", "paramType"]
|
|
379
387
|
fn_list = [self._is_int, self._is_string, self._is_string]
|
|
380
388
|
input_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
381
389
|
self.inputs.append(input_dict)
|
|
@@ -408,7 +416,7 @@ class AkgRegOp(RegOp):
|
|
|
408
416
|
kwargs (dict): Other information of the attribute.
|
|
409
417
|
"""
|
|
410
418
|
param_list = [name, param_type, value_type]
|
|
411
|
-
key_list = ["name", "
|
|
419
|
+
key_list = ["name", "paramType", "type"]
|
|
412
420
|
fn_list = [self._is_string]
|
|
413
421
|
attr_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
414
422
|
self.attr_.append(attr_dict)
|
|
@@ -501,16 +509,16 @@ class TBERegOp(RegOp):
|
|
|
501
509
|
super(TBERegOp, self).__init__(op_name)
|
|
502
510
|
self.imply_type = "TBE"
|
|
503
511
|
self.async_flag_ = False
|
|
504
|
-
self.
|
|
512
|
+
self.binfile_ = ''
|
|
505
513
|
self.compute_cost_ = 10
|
|
506
|
-
self.
|
|
514
|
+
self.kernel_ = ''
|
|
507
515
|
self.partial_flag_ = False
|
|
508
516
|
self.reshape_type_ = ''
|
|
509
517
|
self.dynamic_rank_support_ = False
|
|
510
|
-
self.
|
|
518
|
+
self.dynamic_shape_support_ = False
|
|
511
519
|
self.dynamic_compile_static_ = False
|
|
512
|
-
self.
|
|
513
|
-
self.
|
|
520
|
+
self.need_check_support_ = False
|
|
521
|
+
self.dynamic_format_ = False
|
|
514
522
|
self.op_pattern_ = ""
|
|
515
523
|
self.real_input_index_ = []
|
|
516
524
|
self.input_to_attr_index_ = []
|
|
@@ -584,7 +592,7 @@ class TBERegOp(RegOp):
|
|
|
584
592
|
binfile_name (str): The binary file name of the operator.
|
|
585
593
|
"""
|
|
586
594
|
self._is_string(binfile_name)
|
|
587
|
-
self.
|
|
595
|
+
self.binfile_ = binfile_name
|
|
588
596
|
return self
|
|
589
597
|
|
|
590
598
|
def compute_cost(self, compute_cost=10):
|
|
@@ -607,7 +615,7 @@ class TBERegOp(RegOp):
|
|
|
607
615
|
kernel_name (str): Name of operator kernel.
|
|
608
616
|
"""
|
|
609
617
|
self._is_string(kernel_name)
|
|
610
|
-
self.
|
|
618
|
+
self.kernel_ = kernel_name
|
|
611
619
|
return self
|
|
612
620
|
|
|
613
621
|
def partial_flag(self, partial_flag=True):
|
|
@@ -626,8 +634,9 @@ class TBERegOp(RegOp):
|
|
|
626
634
|
Reshape type of operator.
|
|
627
635
|
|
|
628
636
|
Args:
|
|
629
|
-
reshape_type (str): Value of reshape type. For example, if the input shape is (2,3)
|
|
630
|
-
is set to "CH", then the new shape is (1,2,3,1)
|
|
637
|
+
reshape_type (str): Value of reshape type. For example, if the input shape is :math:`(2, 3)`
|
|
638
|
+
and `reshape_type` is set to "CH", then the new shape is :math:`(1, 2, 3, 1)`.
|
|
639
|
+
"CH" means the C and H dimensions are kept and
|
|
631
640
|
new dimensions are added for N and W dimension.
|
|
632
641
|
"""
|
|
633
642
|
self._is_string(reshape_type)
|
|
@@ -642,7 +651,7 @@ class TBERegOp(RegOp):
|
|
|
642
651
|
dynamic_shape (bool): Value of dynamic shape. Default: false.
|
|
643
652
|
"""
|
|
644
653
|
self._is_bool(dynamic_shape)
|
|
645
|
-
self.
|
|
654
|
+
self.dynamic_shape_support_ = dynamic_shape
|
|
646
655
|
return self
|
|
647
656
|
|
|
648
657
|
def dynamic_compile_static(self, dynamic_compile_static=False):
|
|
@@ -664,7 +673,7 @@ class TBERegOp(RegOp):
|
|
|
664
673
|
need_check_supported (bool): Value of need_check_supported. Default: false.
|
|
665
674
|
"""
|
|
666
675
|
self._is_bool(need_check_supported)
|
|
667
|
-
self.
|
|
676
|
+
self.need_check_support_ = need_check_supported
|
|
668
677
|
return self
|
|
669
678
|
|
|
670
679
|
def is_dynamic_format(self, is_dynamic_format=False):
|
|
@@ -675,7 +684,7 @@ class TBERegOp(RegOp):
|
|
|
675
684
|
is_dynamic_format (bool): Value of is_dynamic_format. Default: false.
|
|
676
685
|
"""
|
|
677
686
|
self._is_bool(is_dynamic_format)
|
|
678
|
-
self.
|
|
687
|
+
self.dynamic_format_ = is_dynamic_format
|
|
679
688
|
return self
|
|
680
689
|
|
|
681
690
|
def op_pattern(self, pattern=None):
|
|
@@ -702,7 +711,7 @@ class TBERegOp(RegOp):
|
|
|
702
711
|
kwargs (dict): Other information of the attribute.
|
|
703
712
|
"""
|
|
704
713
|
param_list = [name, param_type, value_type, value, default_value]
|
|
705
|
-
key_list = ["name", "
|
|
714
|
+
key_list = ["name", "paramType", "type", "value", "defaultValue"]
|
|
706
715
|
fn_list = [self._is_string]
|
|
707
716
|
attr_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
708
717
|
self.attr_.append(attr_dict)
|
|
@@ -722,7 +731,7 @@ class TBERegOp(RegOp):
|
|
|
722
731
|
kwargs (dict): Other information of the input.
|
|
723
732
|
"""
|
|
724
733
|
param_list = [index, name, need_compile, param_type, shape, value_depend]
|
|
725
|
-
key_list = ["index", "name", "
|
|
734
|
+
key_list = ["index", "name", "needCompile", "paramType", "shape", "valueDepend"]
|
|
726
735
|
fn_list = [self._is_int, self._is_string, self._is_bool, self._is_string, self._is_string, self._is_string]
|
|
727
736
|
input_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
728
737
|
value_depend_values = ("ignored", "optional", "required")
|
|
@@ -745,7 +754,7 @@ class TBERegOp(RegOp):
|
|
|
745
754
|
kwargs (dict): Other information of the output.
|
|
746
755
|
"""
|
|
747
756
|
param_list = [index, name, need_compile, param_type, shape]
|
|
748
|
-
key_list = ["index", "name", "need_compile", "
|
|
757
|
+
key_list = ["index", "name", "need_compile", "paramType", "shape"]
|
|
749
758
|
fn_list = [self._is_int, self._is_string, self._is_bool, self._is_string, self._is_string]
|
|
750
759
|
output_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
751
760
|
self.outputs.append(output_dict)
|
|
@@ -807,7 +816,7 @@ class CustomRegOp(RegOp):
|
|
|
807
816
|
TypeError: If `param_type` is neither str nor None.
|
|
808
817
|
"""
|
|
809
818
|
param_list = [index, name, param_type]
|
|
810
|
-
key_list = ["index", "name", "
|
|
819
|
+
key_list = ["index", "name", "paramType"]
|
|
811
820
|
fn_list = [self._is_int, self._is_string, self._is_string]
|
|
812
821
|
input_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
813
822
|
self.inputs.append(input_dict)
|
|
@@ -842,7 +851,7 @@ class CustomRegOp(RegOp):
|
|
|
842
851
|
TypeError: If `param_type` is neither str nor None.
|
|
843
852
|
"""
|
|
844
853
|
param_list = [index, name, param_type]
|
|
845
|
-
key_list = ["index", "name", "
|
|
854
|
+
key_list = ["index", "name", "paramType"]
|
|
846
855
|
fn_list = [self._is_int, self._is_string, self._is_string]
|
|
847
856
|
output_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
848
857
|
self.outputs.append(output_dict)
|
|
@@ -917,7 +926,7 @@ class CustomRegOp(RegOp):
|
|
|
917
926
|
TypeError: If `default_value` is neither str nor None.
|
|
918
927
|
"""
|
|
919
928
|
param_list = [name, param_type, value_type, default_value]
|
|
920
|
-
key_list = ["name", "
|
|
929
|
+
key_list = ["name", "paramType", "type", "defaultValue"]
|
|
921
930
|
fn_list = [self._is_string]
|
|
922
931
|
attr_dict = self._check_param(param_list, key_list, fn_list, kwargs)
|
|
923
932
|
self.attr_.append(attr_dict)
|
|
@@ -1130,6 +1139,7 @@ class DataType:
|
|
|
1130
1139
|
|
|
1131
1140
|
None_None = ("", "")
|
|
1132
1141
|
None_Default = ("", "DefaultFormat")
|
|
1142
|
+
|
|
1133
1143
|
BOOL_None = ("bool", "")
|
|
1134
1144
|
BOOL_Default = ("bool", "DefaultFormat")
|
|
1135
1145
|
BOOL_5HD = ("bool", "NC1HWC0")
|
|
@@ -1141,6 +1151,8 @@ class DataType:
|
|
|
1141
1151
|
BOOL_HWCN = ("bool", "HWCN")
|
|
1142
1152
|
BOOL_NDHWC = ("bool", "NDHWC")
|
|
1143
1153
|
BOOL_ChannelLast = ("bool", "ChannelLast")
|
|
1154
|
+
BOOL_Default_Tuple = ("bool", "DefaultFormat", "tuple")
|
|
1155
|
+
BOOL_Default_List = ("bool", "DefaultFormat", "list")
|
|
1144
1156
|
|
|
1145
1157
|
I8_None = ("int8", "")
|
|
1146
1158
|
I8_Default = ("int8", "DefaultFormat")
|
|
@@ -1152,8 +1164,12 @@ class DataType:
|
|
|
1152
1164
|
I8_NHWC = ("int8", "NHWC")
|
|
1153
1165
|
I8_HWCN = ("int8", "HWCN")
|
|
1154
1166
|
I8_NDHWC = ("int8", "NDHWC")
|
|
1167
|
+
I8_NCDHW = ("int8", "NCDHW")
|
|
1155
1168
|
I8_ChannelLast = ("int8", "ChannelLast")
|
|
1156
1169
|
I8_NDC1HWC0 = ("int8", "NDC1HWC0")
|
|
1170
|
+
I8_NC1HWC0 = ("int8", "NC1HWC0")
|
|
1171
|
+
I8_Default_Tuple = ("int8", "DefaultFormat", "tuple")
|
|
1172
|
+
I8_Default_List = ("int8", "DefaultFormat", "list")
|
|
1157
1173
|
|
|
1158
1174
|
U8_None = ("uint8", "")
|
|
1159
1175
|
U8_Default = ("uint8", "DefaultFormat")
|
|
@@ -1165,8 +1181,12 @@ class DataType:
|
|
|
1165
1181
|
U8_NHWC = ("uint8", "NHWC")
|
|
1166
1182
|
U8_HWCN = ("uint8", "HWCN")
|
|
1167
1183
|
U8_NDHWC = ("uint8", "NDHWC")
|
|
1184
|
+
U8_NCDHW = ("uint8", "NCDHW")
|
|
1168
1185
|
U8_ChannelLast = ("uint8", "ChannelLast")
|
|
1169
1186
|
U8_NDC1HWC0 = ("uint8", "NDC1HWC0")
|
|
1187
|
+
U8_NC1HWC0 = ("uint8", "NC1HWC0")
|
|
1188
|
+
U8_Default_Tuple = ("uint8", "DefaultFormat", "tuple")
|
|
1189
|
+
U8_Default_List = ("uint8", "DefaultFormat", "list")
|
|
1170
1190
|
|
|
1171
1191
|
I16_None = ("int16", "")
|
|
1172
1192
|
I16_Default = ("int16", "DefaultFormat")
|
|
@@ -1179,6 +1199,8 @@ class DataType:
|
|
|
1179
1199
|
I16_HWCN = ("int16", "HWCN")
|
|
1180
1200
|
I16_NDHWC = ("int16", "NDHWC")
|
|
1181
1201
|
I16_ChannelLast = ("int16", "ChannelLast")
|
|
1202
|
+
I16_Default_Tuple = ("int16", "DefaultFormat", "tuple")
|
|
1203
|
+
I16_Default_List = ("int16", "DefaultFormat", "list")
|
|
1182
1204
|
|
|
1183
1205
|
U16_None = ("uint16", "")
|
|
1184
1206
|
U16_Default = ("uint16", "DefaultFormat")
|
|
@@ -1191,6 +1213,8 @@ class DataType:
|
|
|
1191
1213
|
U16_HWCN = ("uint16", "HWCN")
|
|
1192
1214
|
U16_NDHWC = ("uint16", "NDHWC")
|
|
1193
1215
|
U16_ChannelLast = ("uint16", "ChannelLast")
|
|
1216
|
+
U16_Default_Tuple = ("uint16", "DefaultFormat", "tuple")
|
|
1217
|
+
U16_Default_List = ("uint16", "DefaultFormat", "list")
|
|
1194
1218
|
|
|
1195
1219
|
I32_None = ("int32", "")
|
|
1196
1220
|
I32_Default = ("int32", "DefaultFormat")
|
|
@@ -1202,7 +1226,11 @@ class DataType:
|
|
|
1202
1226
|
I32_NHWC = ("int32", "NHWC")
|
|
1203
1227
|
I32_HWCN = ("int32", "HWCN")
|
|
1204
1228
|
I32_NDHWC = ("int32", "NDHWC")
|
|
1229
|
+
I32_NDC1HWC0 = ("int32", "NDC1HWC0")
|
|
1230
|
+
I32_NCDHW = ("int32", "NCDHW")
|
|
1205
1231
|
I32_ChannelLast = ("int32", "ChannelLast")
|
|
1232
|
+
I32_Default_Tuple = ("int32", "DefaultFormat", "tuple")
|
|
1233
|
+
I32_Default_List = ("int32", "DefaultFormat", "list")
|
|
1206
1234
|
|
|
1207
1235
|
U32_None = ("uint32", "")
|
|
1208
1236
|
U32_Default = ("uint32", "DefaultFormat")
|
|
@@ -1215,6 +1243,8 @@ class DataType:
|
|
|
1215
1243
|
U32_HWCN = ("uint32", "HWCN")
|
|
1216
1244
|
U32_NDHWC = ("uint32", "NDHWC")
|
|
1217
1245
|
U32_ChannelLast = ("uint32", "ChannelLast")
|
|
1246
|
+
U32_Default_Tuple = ("uint32", "DefaultFormat", "tuple")
|
|
1247
|
+
U32_Default_List = ("uint32", "DefaultFormat", "list")
|
|
1218
1248
|
|
|
1219
1249
|
I64_None = ("int64", "")
|
|
1220
1250
|
I64_Default = ("int64", "DefaultFormat")
|
|
@@ -1227,6 +1257,8 @@ class DataType:
|
|
|
1227
1257
|
I64_HWCN = ("int64", "HWCN")
|
|
1228
1258
|
I64_NDHWC = ("int64", "NDHWC")
|
|
1229
1259
|
I64_ChannelLast = ("int64", "ChannelLast")
|
|
1260
|
+
I64_Default_Tuple = ("int64", "DefaultFormat", "tuple")
|
|
1261
|
+
I64_Default_List = ("int64", "DefaultFormat", "list")
|
|
1230
1262
|
|
|
1231
1263
|
U64_None = ("uint64", "")
|
|
1232
1264
|
U64_Default = ("uint64", "DefaultFormat")
|
|
@@ -1239,6 +1271,8 @@ class DataType:
|
|
|
1239
1271
|
U64_HWCN = ("uint64", "HWCN")
|
|
1240
1272
|
U64_NDHWC = ("uint64", "NDHWC")
|
|
1241
1273
|
U64_ChannelLast = ("uint64", "ChannelLast")
|
|
1274
|
+
U64_Default_Tuple = ("uint64", "DefaultFormat", "tuple")
|
|
1275
|
+
U64_Default_List = ("uint64", "DefaultFormat", "list")
|
|
1242
1276
|
|
|
1243
1277
|
F16_None = ("float16", "")
|
|
1244
1278
|
F16_Default = ("float16", "DefaultFormat")
|
|
@@ -1258,6 +1292,8 @@ class DataType:
|
|
|
1258
1292
|
F16_FracZNRNN = ("float16", "FRACTAL_ZN_RNN")
|
|
1259
1293
|
F16_ND_RNNBIAS = ("float16", "ND_RNN_BIAS")
|
|
1260
1294
|
F16_ChannelLast = ("float16", "ChannelLast")
|
|
1295
|
+
F16_Default_Tuple = ("float16", "DefaultFormat", "tuple")
|
|
1296
|
+
F16_Default_List = ("float16", "DefaultFormat", "list")
|
|
1261
1297
|
|
|
1262
1298
|
F32_None = ("float32", "")
|
|
1263
1299
|
F32_Default = ("float32", "DefaultFormat")
|
|
@@ -1277,6 +1313,8 @@ class DataType:
|
|
|
1277
1313
|
F32_FracZNRNN = ("float32", "FRACTAL_ZN_RNN")
|
|
1278
1314
|
F32_ND_RNNBIAS = ("float32", "ND_RNN_BIAS")
|
|
1279
1315
|
F32_ChannelLast = ("float32", "ChannelLast")
|
|
1316
|
+
F32_Default_Tuple = ("float32", "DefaultFormat", "tuple")
|
|
1317
|
+
F32_Default_List = ("float32", "DefaultFormat", "list")
|
|
1280
1318
|
|
|
1281
1319
|
F64_None = ("float64", "")
|
|
1282
1320
|
F64_Default = ("float64", "DefaultFormat")
|
|
@@ -1289,6 +1327,10 @@ class DataType:
|
|
|
1289
1327
|
F64_HWCN = ("float64", "HWCN")
|
|
1290
1328
|
F64_NDHWC = ("float64", "NDHWC")
|
|
1291
1329
|
F64_ChannelLast = ("float64", "ChannelLast")
|
|
1330
|
+
F64_Default_Tuple = ("float64", "DefaultFormat", "tuple")
|
|
1331
|
+
F64_Default_List = ("float64", "DefaultFormat", "list")
|
|
1292
1332
|
|
|
1293
1333
|
C64_Default = ("complex64", "DefaultFormat")
|
|
1294
1334
|
C128_Default = ("complex128", "DefaultFormat")
|
|
1335
|
+
C64_Default_Tuple = ("complex64", "DefaultFormat", "tuple")
|
|
1336
|
+
C128_Default_Tuple = ("complex128", "DefaultFormat", "tuple")
|
|
@@ -21,7 +21,7 @@ A collection of operators to build neural networks or to compute functions.
|
|
|
21
21
|
|
|
22
22
|
from ._embedding_cache_ops import (CacheSwapTable, UpdateCache, MapCacheIdx, SubAndFilter,
|
|
23
23
|
MapUniform, DynamicAssign, PadAndShift)
|
|
24
|
-
from ._inner_ops import (
|
|
24
|
+
from ._inner_ops import (MatmulDDS, DSDMatmul, Cummin, ExtractImagePatches)
|
|
25
25
|
from ._quant_ops import *
|
|
26
26
|
from ._thor_ops import (CusBatchMatMul, CusCholeskyTrsm, CusFusedAbsMax1, CusImg2Col, CusMatMulCubeDenseLeft,
|
|
27
27
|
CusMatMulCubeFraczRightMul, CusMatMulCube, CusMatrixCombine, CusTranspose02314,
|
|
@@ -35,7 +35,7 @@ from .array_ops import (ArgMaxWithValue, ArgMinWithValue, Argmax, Argmin, BatchT
|
|
|
35
35
|
Eye, Fill, Gather, GatherD, GatherNd, GatherV2, Identity, Im2Col, InvertPermutation,
|
|
36
36
|
LowerBound, Lstsq, MaskedFill, MaskedSelect, Meshgrid, Mvlgamma, Ones, OnesLike,
|
|
37
37
|
Pack, Padding, ParallelConcat, PopulationCount, Range, Rank, Reshape, ResizeNearestNeighbor,
|
|
38
|
-
ReverseSequence, ReverseV2, Rint, ScalarToTensor, ScatterAdd,
|
|
38
|
+
ReverseSequence, ReverseV2, Rint, ScalarToArray, ScalarToTensor, ScatterAdd,
|
|
39
39
|
ScatterDiv, ScatterMax, ScatterMin, ScatterMul, ScatterNd, ScatterNdAdd, ScatterNdDiv,
|
|
40
40
|
ScatterNdMax, ScatterNdMin, ScatterNdSub, ScatterNdUpdate, ScatterNonAliasingAdd, ScatterSub,
|
|
41
41
|
ScatterUpdate, SearchSorted, Select, Shape, Size, Slice, Sort, SpaceToBatch, SpaceToBatchND,
|
|
@@ -48,7 +48,7 @@ from .array_ops import (ArgMaxWithValue, ArgMinWithValue, Argmax, Argmin, BatchT
|
|
|
48
48
|
MatrixDiagPartV3, MatrixDiagV3, MatrixSetDiagV3, NonZero, Expand, Col2Im, ConjugateTranspose,
|
|
49
49
|
FillDiagonal, Fills, ResizeNearestNeighborV2, RightShift, ScatterAddWithAxis,
|
|
50
50
|
ScatterNdMul, SegmentMean, SegmentProd, SegmentSum, SegmentMax, SegmentMin, Tril, Triu,
|
|
51
|
-
UniqueConsecutive, UnravelIndex)
|
|
51
|
+
UniqueConsecutive, UnravelIndex, FillV2, CountNonZero, TensorScatterElements)
|
|
52
52
|
from .comm_ops import (AllGather, AllReduce, NeighborExchange, NeighborExchangeV2, AlltoAll, _AllSwap, ReduceScatter,
|
|
53
53
|
Broadcast,
|
|
54
54
|
_MirrorOperator, _MirrorMiniStepOperator, _MiniStepAllGather, ReduceOp, _VirtualDataset,
|
|
@@ -61,14 +61,14 @@ from .debug_ops import (ImageSummary, InsertGradientOf, HookBackward, ScalarSumm
|
|
|
61
61
|
TensorSummary, HistogramSummary, Print, Assert)
|
|
62
62
|
from .image_ops import (CropAndResize, NonMaxSuppressionV3, HSVToRGB, AdjustHue, AdjustSaturation,
|
|
63
63
|
NonMaxSuppressionWithOverlaps, ResizeArea, ResizeBilinearV2, ExtractGlimpse,
|
|
64
|
-
CombinedNonMaxSuppression, RGBToHSV, ScaleAndTranslate)
|
|
64
|
+
CombinedNonMaxSuppression, RGBToHSV, ScaleAndTranslate, ResizeLinear1D, ResizeBicubic)
|
|
65
65
|
from .inner_ops import (ScalarCast, Randperm, NoRepeatNGram, LambApplyOptimizerAssign, LambApplyWeightAssign,
|
|
66
66
|
FusedWeightScaleApplyMomentum, FusedCastAdamWeightDecay, FusedAdaFactor,
|
|
67
67
|
FusedAdaFactorWithGlobalNorm)
|
|
68
68
|
from .linalg_ops import (Svd, Geqrf)
|
|
69
69
|
from .math_ops import (Abs, ACos, Asin, Asinh, AddN, AccumulateNV2, AssignAdd, AssignSub, Atan2, BatchMatMul,
|
|
70
|
-
BitwiseAnd, BitwiseOr, Ger,
|
|
71
|
-
|
|
70
|
+
BitwiseAnd, BitwiseOr, Ger, BitwiseXor, Inv, Invert, ApproximateEqual,
|
|
71
|
+
InplaceAdd, InplaceSub, InplaceUpdate, InplaceUpdateV2,
|
|
72
72
|
ReduceMax, ReduceMin, ReduceMean, ReduceSum, ReduceAll, ReduceProd, CumProd, Cdist, ReduceAny,
|
|
73
73
|
Cos, Cross, Div, DivNoNan, Equal, EqualCount, Exp, Expm1, Erf, Erfc, Floor, FloorDiv, FloorMod,
|
|
74
74
|
Ceil, Acosh, Greater, GreaterEqual, Lerp, Less, LessEqual, Log, Log1p, LogicalAnd, Mod,
|
|
@@ -85,8 +85,9 @@ from .math_ops import (Abs, ACos, Asin, Asinh, AddN, AccumulateNV2, AssignAdd, A
|
|
|
85
85
|
FFTWithSize, Heaviside, Histogram, Hypot, Lcm, LuUnpack, MatrixExp,
|
|
86
86
|
MatrixLogarithm, MatrixPower, MatrixSolve, MatrixTriangularSolve, ReduceStd, STFT,
|
|
87
87
|
NextAfter, Orgqr, Qr, RaggedRange, Digamma, Eig, EuclideanNorm, CompareAndBitpack, ComplexAbs,
|
|
88
|
-
CumulativeLogsumexp, Gcd, Trace, TridiagonalMatMul, TrilIndices, TriuIndices, Zeta,
|
|
89
|
-
Roll
|
|
88
|
+
CumulativeLogsumexp, Gcd, Polygamma, Trace, TridiagonalMatMul, TrilIndices, TriuIndices, Zeta,
|
|
89
|
+
Roll, Lgamma, Logit, MatrixSolveLs, Polar, Fmax, Fmin, Quantile, Sinc, Angle, Bernoulli,
|
|
90
|
+
NanToNum, Igamma, BesselI0, BesselI1, InplaceIndexAdd, Igammac)
|
|
90
91
|
from .nn_ops import (LSTM, SGD, Adam, AdamWeightDecay, FusedSparseAdam, FusedSparseLazyAdam, AdamNoUpdateParam,
|
|
91
92
|
ApplyMomentum, BatchNorm, BiasAdd, Conv2D, Conv3D, Conv2DTranspose, Conv3DTranspose,
|
|
92
93
|
DepthwiseConv2dNative,
|
|
@@ -97,7 +98,8 @@ from .nn_ops import (LSTM, SGD, Adam, AdamWeightDecay, FusedSparseAdam, FusedSpa
|
|
|
97
98
|
LogSoftmax, MaxPool3D, AvgPool3D,
|
|
98
99
|
MaxPool, DataFormatDimMap,
|
|
99
100
|
AvgPool, Conv2DBackpropInput, ComputeAccidentalHits,
|
|
100
|
-
MaxPoolWithArgmax, OneHot, Pad, MirrorPad, Mish, PReLU, ReLU, ReLU6, ReLUV2,
|
|
101
|
+
MaxPoolWithArgmax, MaxPoolWithArgmaxV2, OneHot, Pad, MirrorPad, Mish, PReLU, ReLU, ReLU6, ReLUV2,
|
|
102
|
+
HSwish, HSigmoid,
|
|
101
103
|
ResizeBilinear, Sigmoid, SeLU, HShrink, ApplyKerasMomentum,
|
|
102
104
|
SigmoidCrossEntropyWithLogits, NLLLoss, BCEWithLogitsLoss,
|
|
103
105
|
SmoothL1Loss, SoftMarginLoss, Softmax, Softsign, Softplus, LRN, RNNTLoss, DynamicRNN, DynamicGRUV2,
|
|
@@ -111,9 +113,10 @@ from .nn_ops import (LSTM, SGD, Adam, AdamWeightDecay, FusedSparseAdam, FusedSpa
|
|
|
111
113
|
ApplyRMSProp, ApplyCenteredRMSProp, BasicLSTMCell, InTopK, AdaptiveAvgPool2D, SoftShrink,
|
|
112
114
|
ApplyAdamWithAmsgrad, AdaptiveAvgPool3D, AdaptiveMaxPool2D, AdaptiveMaxPool3D,
|
|
113
115
|
GridSampler3D, MaxPool3DWithArgmax, MaxUnpool2D, NuclearNorm, NthElement, MultilabelMarginLoss,
|
|
114
|
-
|
|
116
|
+
Dilation2D, DataFormatVecPermute, DeformableOffsets, FractionalAvgPool,
|
|
115
117
|
FractionalMaxPool, FractionalMaxPool3DWithFixedKsize, FractionalMaxPoolWithFixedKsize,
|
|
116
|
-
GridSampler2D, TripletMarginLoss, UpsampleNearest3D, UpsampleTrilinear3D, PadV3
|
|
118
|
+
GridSampler2D, TripletMarginLoss, UpsampleNearest3D, UpsampleTrilinear3D, PadV3, ChannelShuffle,
|
|
119
|
+
GLU, MaxUnpool3D, Pdist)
|
|
117
120
|
from .other_ops import (Assign, IOU, BoundingBoxDecode, BoundingBoxEncode,
|
|
118
121
|
ConfusionMatrix, UpdateState, Load, StopGradient,
|
|
119
122
|
CheckValid, Partial, Depend, identity, Push, Pull, PyExecute, PyFunc, _DynamicLossScale,
|
|
@@ -121,9 +124,9 @@ from .other_ops import (Assign, IOU, BoundingBoxDecode, BoundingBoxEncode,
|
|
|
121
124
|
from .random_ops import (RandomChoiceWithMask, StandardNormal, Gamma, RandomGamma, Poisson, UniformInt, UniformReal,
|
|
122
125
|
RandomCategorical, StandardLaplace, Multinomial, UniformCandidateSampler,
|
|
123
126
|
LogUniformCandidateSampler, TruncatedNormal, LogNormalReverse, NonDeterministicInts,
|
|
124
|
-
ParameterizedTruncatedNormal, RandomPoisson)
|
|
127
|
+
ParameterizedTruncatedNormal, RandomPoisson, MultinomialWithReplacement, RandomShuffle)
|
|
125
128
|
from .rl_ops import (BufferAppend, BufferGetItem, BufferSample)
|
|
126
|
-
from .sparse_ops import (SparseToDense, SparseTensorDenseMatmul, SparseTensorDenseAdd)
|
|
129
|
+
from .sparse_ops import (SparseToDense, SparseTensorDenseMatmul, SparseTensorDenseAdd, SparseSlice)
|
|
127
130
|
from .spectral_ops import (BartlettWindow, BlackmanWindow)
|
|
128
131
|
|
|
129
132
|
__all__ = [
|
|
@@ -173,6 +176,7 @@ __all__ = [
|
|
|
173
176
|
'FillV2',
|
|
174
177
|
'Flatten',
|
|
175
178
|
'MaxPoolWithArgmax',
|
|
179
|
+
'MaxPoolWithArgmaxV2',
|
|
176
180
|
'BNTrainingReduce',
|
|
177
181
|
'BNTrainingUpdate',
|
|
178
182
|
'BatchNorm',
|
|
@@ -321,6 +325,7 @@ __all__ = [
|
|
|
321
325
|
'DynamicRNN',
|
|
322
326
|
'ReduceAll',
|
|
323
327
|
'ReduceAny',
|
|
328
|
+
'ScalarToArray',
|
|
324
329
|
'ScalarToTensor',
|
|
325
330
|
'TupleToArray',
|
|
326
331
|
'GeSwitch',
|
|
@@ -470,6 +475,7 @@ __all__ = [
|
|
|
470
475
|
"DataFormatDimMap",
|
|
471
476
|
"ApproximateEqual",
|
|
472
477
|
"InplaceUpdate",
|
|
478
|
+
"InplaceUpdateV2",
|
|
473
479
|
"InTopK",
|
|
474
480
|
"UniformCandidateSampler",
|
|
475
481
|
"LogUniformCandidateSampler",
|
|
@@ -583,7 +589,6 @@ __all__ = [
|
|
|
583
589
|
"Orgqr",
|
|
584
590
|
"NonDeterministicInts",
|
|
585
591
|
"NonZero",
|
|
586
|
-
"PSROIPooling",
|
|
587
592
|
"ResizeArea",
|
|
588
593
|
"ResizeBilinearV2",
|
|
589
594
|
"Qr",
|
|
@@ -643,6 +648,34 @@ __all__ = [
|
|
|
643
648
|
"Zeta",
|
|
644
649
|
"PadV3",
|
|
645
650
|
"Roll",
|
|
651
|
+
"Lgamma",
|
|
652
|
+
"SparseSlice",
|
|
653
|
+
"ResizeLinear1D",
|
|
654
|
+
"ResizeBicubic",
|
|
655
|
+
"Logit",
|
|
656
|
+
"MatrixSolveLs",
|
|
657
|
+
"Polar",
|
|
658
|
+
"Fmax",
|
|
659
|
+
"Fmin",
|
|
660
|
+
"Polygamma",
|
|
661
|
+
"CountNonZero",
|
|
662
|
+
"Quantile",
|
|
663
|
+
"Sinc",
|
|
664
|
+
"Angle",
|
|
665
|
+
"Bernoulli",
|
|
666
|
+
"NanToNum",
|
|
667
|
+
"ChannelShuffle",
|
|
668
|
+
"Igamma",
|
|
669
|
+
"BesselI0",
|
|
670
|
+
"MultinomialWithReplacement",
|
|
671
|
+
"BesselI1",
|
|
672
|
+
"GLU",
|
|
673
|
+
"TensorScatterElements",
|
|
674
|
+
"RandomShuffle",
|
|
675
|
+
"InplaceIndexAdd",
|
|
676
|
+
"Igammac",
|
|
677
|
+
"MaxUnpool3D",
|
|
678
|
+
"Pdist"
|
|
646
679
|
]
|
|
647
680
|
|
|
648
681
|
__custom__ = [
|
|
@@ -22,7 +22,7 @@ class CSRReduceSum(Primitive):
|
|
|
22
22
|
in the dimension.
|
|
23
23
|
|
|
24
24
|
.. warning::
|
|
25
|
-
This is an experimental
|
|
25
|
+
This is an experimental API that is subject to change or deletion.
|
|
26
26
|
|
|
27
27
|
Inputs:
|
|
28
28
|
- **indptr** (Tensor) - A Tensor.
|
|
@@ -72,7 +72,7 @@ class CSRMV(Primitive):
|
|
|
72
72
|
Sparse matrix-vector multiplication.
|
|
73
73
|
|
|
74
74
|
.. warning::
|
|
75
|
-
This is an experimental
|
|
75
|
+
This is an experimental API that is subject to change or deletion.
|
|
76
76
|
|
|
77
77
|
Inputs:
|
|
78
78
|
- **indptr** (Tensor) - A Tensor.
|
|
@@ -123,7 +123,7 @@ class CSRMul(Primitive):
|
|
|
123
123
|
Elemwise multiplication of a CSRTensor (composed of `indptr`, `indices`, `values` and `shape`) and a dense tensor.
|
|
124
124
|
|
|
125
125
|
.. warning::
|
|
126
|
-
This is an experimental
|
|
126
|
+
This is an experimental API that is subject to change or deletion.
|
|
127
127
|
|
|
128
128
|
Note:
|
|
129
129
|
The op outputs a 1-D dense tensor whose shape and values are the same as input `values`.
|
|
@@ -177,7 +177,7 @@ class CSRGather(Primitive):
|
|
|
177
177
|
Returns the values of a CSRTensor indexed from a dense tensor using indptr and indices.
|
|
178
178
|
|
|
179
179
|
.. warning::
|
|
180
|
-
This is an experimental
|
|
180
|
+
This is an experimental API that is subject to change or deletion.
|
|
181
181
|
|
|
182
182
|
Inputs:
|
|
183
183
|
- **indptr** (Tensor) - A Tensor.
|
|
@@ -225,7 +225,7 @@ class CSR2COO(Primitive):
|
|
|
225
225
|
Converts the indptr of a CSRTensor to the row indices of a COOTensor.
|
|
226
226
|
|
|
227
227
|
.. warning::
|
|
228
|
-
This is an experimental
|
|
228
|
+
This is an experimental API that is subject to change or deletion.
|
|
229
229
|
|
|
230
230
|
Inputs:
|
|
231
231
|
- **indptr** (Tensor) - A Tensor.
|
|
@@ -265,7 +265,7 @@ class COO2CSR(Primitive):
|
|
|
265
265
|
Converts the row indices of a COOTensor to the indptr of a CSRTensor.
|
|
266
266
|
|
|
267
267
|
.. warning::
|
|
268
|
-
This is an experimental
|
|
268
|
+
This is an experimental API that is subject to change or deletion.
|
|
269
269
|
|
|
270
270
|
Inputs:
|
|
271
271
|
- **row_indices** (Tensor) - A Tensor.
|
|
@@ -357,7 +357,7 @@ class CSRMM(Primitive):
|
|
|
357
357
|
Sparse matrix-vector multiplication.
|
|
358
358
|
|
|
359
359
|
.. warning::
|
|
360
|
-
This is an experimental
|
|
360
|
+
This is an experimental API that is subject to change or deletion.
|
|
361
361
|
|
|
362
362
|
Inputs:
|
|
363
363
|
- **indptr** (Tensor) - A Tensor.
|
|
@@ -15,7 +15,7 @@
|
|
|
15
15
|
"""cache_ops"""
|
|
16
16
|
|
|
17
17
|
from __future__ import absolute_import
|
|
18
|
-
from mindspore
|
|
18
|
+
from mindspore import _checkparam as validator
|
|
19
19
|
from mindspore.common import dtype as mstype
|
|
20
20
|
from mindspore.ops.primitive import prim_attr_register, PrimitiveWithCheck
|
|
21
21
|
from mindspore.ops import signature as sig
|
|
@@ -269,10 +269,10 @@ class PadAndShift(PrimitiveWithCheck):
|
|
|
269
269
|
|
|
270
270
|
Inputs:
|
|
271
271
|
- **input_x** (Tensor) - The input Tensor, which will be copied
|
|
272
|
-
|
|
272
|
+
to `output`.
|
|
273
273
|
- **cum_sum_arr** (Tensor) - The last value of cum_sum_arr is
|
|
274
|
-
|
|
275
|
-
|
|
274
|
+
the pad length of output tensor, `cum_sum_arr[shift_idx]` is
|
|
275
|
+
the start to shift, and `cum_sum_arr[shift_idx+1]` is the end.
|
|
276
276
|
- **shift_idx** (int) - The idx of `cum_sum_arr` .
|
|
277
277
|
|
|
278
278
|
Outputs:
|
|
@@ -281,7 +281,7 @@ class PadAndShift(PrimitiveWithCheck):
|
|
|
281
281
|
Raises:
|
|
282
282
|
TypeError: `input_x` or `cum_sum_arr` is not Tensor.
|
|
283
283
|
TypeError: `shift_idx` is not int.
|
|
284
|
-
ValueError: Value of `shift_idx` is larger than or equal to the length of
|
|
284
|
+
ValueError: Value of `shift_idx` is larger than or equal to the length of `cum_sum_arr` .
|
|
285
285
|
|
|
286
286
|
Supported Platforms:
|
|
287
287
|
`CPU`
|