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
|
@@ -18,6 +18,7 @@
|
|
|
18
18
|
from __future__ import absolute_import
|
|
19
19
|
|
|
20
20
|
from mindspore import Tensor
|
|
21
|
+
import mindspore.numpy as mnp
|
|
21
22
|
from mindspore.ops import matmul
|
|
22
23
|
from mindspore.ops.operations.nn_ops import GridSampler2D
|
|
23
24
|
from mindspore.ops.operations.nn_ops import GridSampler3D
|
|
@@ -52,8 +53,6 @@ from mindspore.ops.operations.nn_ops import PadV3
|
|
|
52
53
|
from mindspore.ops.operations._grad_ops import PadV3Grad
|
|
53
54
|
from mindspore.ops.operations.nn_ops import AvgPoolV1
|
|
54
55
|
from mindspore.ops.operations._grad_ops import AvgPoolGradV1
|
|
55
|
-
from mindspore.ops.operations.nn_ops import AdaptiveAvgPool2DV1
|
|
56
|
-
from mindspore.ops.operations._grad_ops import AdaptiveAvgPool2DGradV1
|
|
57
56
|
from mindspore.ops.operations.nn_ops import UpsampleNearest3D
|
|
58
57
|
from mindspore.ops.operations._grad_ops import UpsampleNearest3DGrad
|
|
59
58
|
from mindspore.ops.operations.nn_ops import MaxPoolV1
|
|
@@ -62,6 +61,7 @@ from mindspore.ops.operations.nn_ops import ReLUV3
|
|
|
62
61
|
from mindspore.ops.operations._grad_ops import ReluGrad
|
|
63
62
|
from mindspore.ops.operations.image_ops import ResizeLinear1D
|
|
64
63
|
from mindspore.ops.operations.nn_ops import MaxPool3DWithArgmax
|
|
64
|
+
from mindspore.ops.operations.nn_ops import MaxPoolWithArgmaxV2
|
|
65
65
|
from mindspore.ops.operations.nn_ops import FractionalMaxPoolWithFixedKsize
|
|
66
66
|
from mindspore.ops.operations._grad_ops import FractionalMaxPoolGradWithFixedKsize
|
|
67
67
|
from mindspore.ops.operations.nn_ops import AdaptiveAvgPool3D
|
|
@@ -193,12 +193,10 @@ def get_bprop_celu(self):
|
|
|
193
193
|
"""Grad definition for `CeLU` operation."""
|
|
194
194
|
alpha = self.alpha
|
|
195
195
|
greater_equal = P.GreaterEqual()
|
|
196
|
-
less = P.Less()
|
|
197
196
|
|
|
198
197
|
def bprop(x, out, dout):
|
|
199
|
-
|
|
200
|
-
|
|
201
|
-
dx = dout * (greater * 1.0 + lesser * (out / alpha + 1.0))
|
|
198
|
+
condition = greater_equal(x, 0.0)
|
|
199
|
+
dx = dout * mnp.where(condition, 1.0, out / alpha + 1.0)
|
|
202
200
|
return (dx,)
|
|
203
201
|
|
|
204
202
|
return bprop
|
|
@@ -328,10 +326,10 @@ def get_bprop_nth_element(self):
|
|
|
328
326
|
divide = P.Div()
|
|
329
327
|
|
|
330
328
|
def bprop(input_x, n, out, dout):
|
|
331
|
-
indicators = cast(equal(expand_dims(out, -1), input_x),
|
|
329
|
+
indicators = cast(equal(expand_dims(out, -1), input_x), mstype.float32)
|
|
332
330
|
dout = expand_dims(dout, -1)
|
|
333
331
|
num_select = expand_dims(reduce_sum(indicators, -1), -1)
|
|
334
|
-
return divide(indicators, num_select) * dout, None
|
|
332
|
+
return cast(divide(indicators, num_select) * dout, input_x.dtype), None
|
|
335
333
|
|
|
336
334
|
return bprop
|
|
337
335
|
|
|
@@ -350,19 +348,6 @@ def get_bprop_adaptiveavgpool3d(self):
|
|
|
350
348
|
return bprop
|
|
351
349
|
|
|
352
350
|
|
|
353
|
-
@bprop_getters.register(AdaptiveAvgPool2DV1)
|
|
354
|
-
def get_bprop_adaptive_avg_pool_2d_v1(self):
|
|
355
|
-
"""Grad definition for `AdaptiveAvgPool2DV1` operation."""
|
|
356
|
-
|
|
357
|
-
shape = P.Shape()
|
|
358
|
-
def bprop(x, out, dout):
|
|
359
|
-
adaptive_avgpool_grad = AdaptiveAvgPool2DGradV1(orig_input_shape=shape(x))
|
|
360
|
-
dx = adaptive_avgpool_grad(dout)
|
|
361
|
-
return (dx,)
|
|
362
|
-
|
|
363
|
-
return bprop
|
|
364
|
-
|
|
365
|
-
|
|
366
351
|
@bprop_getters.register(FractionalMaxPool)
|
|
367
352
|
def get_bprop_fractional_max_pool(self):
|
|
368
353
|
"""Grad definition for `FractionalMaxPool` operation."""
|
|
@@ -396,9 +381,10 @@ def _create_tensor(x_shape):
|
|
|
396
381
|
def get_bprop_fractional_avg_pool(self):
|
|
397
382
|
"""Grad definition for `FractionalAvgPool` operation."""
|
|
398
383
|
fractional_avg_pool_grad = FractionalAvgPoolGrad(overlapping=self.overlapping)
|
|
384
|
+
shape_op = P.Shape()
|
|
399
385
|
|
|
400
386
|
def bprop(x, out, dout):
|
|
401
|
-
dx = fractional_avg_pool_grad(_create_tensor(x
|
|
387
|
+
dx = fractional_avg_pool_grad(_create_tensor(shape_op(x)), dout[0], out[1], out[2])
|
|
402
388
|
return (dx,)
|
|
403
389
|
|
|
404
390
|
return bprop
|
|
@@ -541,6 +527,24 @@ def get_bprop_maxpool3dwithargmax(self):
|
|
|
541
527
|
return bprop
|
|
542
528
|
|
|
543
529
|
|
|
530
|
+
@bprop_getters.register(MaxPoolWithArgmaxV2)
|
|
531
|
+
def get_bprop_maxpoolwithargmaxv2(self):
|
|
532
|
+
"""Grad definition for `MaxPoolWithArgmaxV2` operation."""
|
|
533
|
+
maxpoolwithargmaxv2_grad = G.MaxPoolGradWithArgmaxV2(
|
|
534
|
+
kernel_size=self.kernel_size,
|
|
535
|
+
strides=self.strides,
|
|
536
|
+
pads=self.pads,
|
|
537
|
+
dilation=self.dilation,
|
|
538
|
+
ceil_mode=self.ceil_mode,
|
|
539
|
+
argmax_type=self.argmax_type)
|
|
540
|
+
|
|
541
|
+
def bprop(x, out, dout):
|
|
542
|
+
dx = maxpoolwithargmaxv2_grad(x, dout[0], out[1])
|
|
543
|
+
return (dx,)
|
|
544
|
+
|
|
545
|
+
return bprop
|
|
546
|
+
|
|
547
|
+
|
|
544
548
|
@bprop_getters.register(FractionalMaxPoolWithFixedKsize)
|
|
545
549
|
def get_bprop_fractional_max_pool_with_fixed_ksize(self):
|
|
546
550
|
"""Grad definition for 'FractionalMaxPoolWithFixedKsize' operation."""
|
|
@@ -0,0 +1,112 @@
|
|
|
1
|
+
# Copyright 2023 Huawei Technologies Co., Ltd
|
|
2
|
+
#
|
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
|
+
# you may not use this file except in compliance with the License.
|
|
5
|
+
# You may obtain a copy of the License at
|
|
6
|
+
#
|
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
8
|
+
#
|
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
|
+
# See the License for the specific language governing permissions and
|
|
13
|
+
# limitations under the License.
|
|
14
|
+
# ============================================================================
|
|
15
|
+
|
|
16
|
+
"""Generate bprop for quantization aware ops"""
|
|
17
|
+
|
|
18
|
+
from mindspore.ops.operations import _scalar_ops
|
|
19
|
+
from mindspore.ops._grad.grad_base import bprop_getters
|
|
20
|
+
from mindspore.ops.composite.multitype_ops.zeros_like_impl import zeros_like
|
|
21
|
+
|
|
22
|
+
|
|
23
|
+
@bprop_getters.register(_scalar_ops.ScalarAdd)
|
|
24
|
+
def get_bprop_scalar_add(self):
|
|
25
|
+
"""Grad definition for `ScalarAdd` operation."""
|
|
26
|
+
|
|
27
|
+
def bprop(x, y, out, dout):
|
|
28
|
+
return dout, dout
|
|
29
|
+
|
|
30
|
+
return bprop
|
|
31
|
+
|
|
32
|
+
|
|
33
|
+
@bprop_getters.register(_scalar_ops.ScalarSub)
|
|
34
|
+
def get_bprop_scalar_sub(self):
|
|
35
|
+
"""Grad definition for `ScalarSub` operation."""
|
|
36
|
+
|
|
37
|
+
def bprop(x, y, out, dout):
|
|
38
|
+
return dout, 0 - dout
|
|
39
|
+
|
|
40
|
+
return bprop
|
|
41
|
+
|
|
42
|
+
|
|
43
|
+
@bprop_getters.register(_scalar_ops.ScalarMul)
|
|
44
|
+
def get_bprop_scalar_mul(self):
|
|
45
|
+
"""Grad definition for `ScalarMul` operation."""
|
|
46
|
+
|
|
47
|
+
def bprop(x, y, out, dout):
|
|
48
|
+
bc_dx = y * dout
|
|
49
|
+
bc_dy = x * dout
|
|
50
|
+
return bc_dx, bc_dy
|
|
51
|
+
|
|
52
|
+
return bprop
|
|
53
|
+
|
|
54
|
+
|
|
55
|
+
@bprop_getters.register(_scalar_ops.ScalarDiv)
|
|
56
|
+
def get_bprop_scalar_div(self):
|
|
57
|
+
"""Grad definition for `ScalarDiv` operation."""
|
|
58
|
+
|
|
59
|
+
def bprop(x, y, out, dout):
|
|
60
|
+
bc_dx = dout / y
|
|
61
|
+
bc_dy = 0 - bc_dx * out
|
|
62
|
+
return bc_dx, bc_dy
|
|
63
|
+
|
|
64
|
+
return bprop
|
|
65
|
+
|
|
66
|
+
|
|
67
|
+
@bprop_getters.register(_scalar_ops.ScalarFloordiv)
|
|
68
|
+
def get_bprop_scalar_floordiv(self):
|
|
69
|
+
"""Grad definition for `ScalarFloorDiv` operation."""
|
|
70
|
+
|
|
71
|
+
def bprop(x, y, out, dout):
|
|
72
|
+
return zeros_like(x), zeros_like(y)
|
|
73
|
+
|
|
74
|
+
return bprop
|
|
75
|
+
|
|
76
|
+
|
|
77
|
+
@bprop_getters.register(_scalar_ops.ScalarMod)
|
|
78
|
+
def get_bprop_scalar_mod(self):
|
|
79
|
+
"""Grad definition for `ScalarMod` operation."""
|
|
80
|
+
|
|
81
|
+
def bprop(x, y, out, dout):
|
|
82
|
+
bc_dx = dout
|
|
83
|
+
bc_dy = -dout * (x // y)
|
|
84
|
+
return bc_dx, bc_dy
|
|
85
|
+
|
|
86
|
+
return bprop
|
|
87
|
+
|
|
88
|
+
|
|
89
|
+
@bprop_getters.register(_scalar_ops.scalar_eq)
|
|
90
|
+
@bprop_getters.register(_scalar_ops.scalar_le)
|
|
91
|
+
@bprop_getters.register(_scalar_ops.scalar_lt)
|
|
92
|
+
@bprop_getters.register(_scalar_ops.scalar_ge)
|
|
93
|
+
@bprop_getters.register(_scalar_ops.scalar_gt)
|
|
94
|
+
@bprop_getters.register(_scalar_ops.bit_and)
|
|
95
|
+
@bprop_getters.register(_scalar_ops.bit_or)
|
|
96
|
+
def get_bprop_scalar_logic(self):
|
|
97
|
+
"""Grad definition for `ScalarLogicOps` operation."""
|
|
98
|
+
|
|
99
|
+
def bprop(x, y, out, dout):
|
|
100
|
+
return zeros_like(x), zeros_like(y)
|
|
101
|
+
|
|
102
|
+
return bprop
|
|
103
|
+
|
|
104
|
+
|
|
105
|
+
@bprop_getters.register(_scalar_ops.ScalarBool)
|
|
106
|
+
def get_bprop_scalar_bool(self):
|
|
107
|
+
"""Grad definition for `ScalarBool` operation."""
|
|
108
|
+
|
|
109
|
+
def bprop(x, out, dout):
|
|
110
|
+
return zeros_like(x)
|
|
111
|
+
|
|
112
|
+
return bprop
|
|
@@ -14,6 +14,7 @@
|
|
|
14
14
|
# ============================================================================
|
|
15
15
|
|
|
16
16
|
"""bprop primitives"""
|
|
17
|
+
from mindspore.ops.operations.sparse_ops import RaggedTensorToSparse
|
|
17
18
|
from mindspore.ops.operations.sparse_ops import CSRSparseMatrixToSparseTensor
|
|
18
19
|
from mindspore.ops.operations.sparse_ops import SparseReorder
|
|
19
20
|
from mindspore.ops.operations.sparse_ops import SparseTensorToCSRSparseMatrix
|
|
@@ -30,6 +31,9 @@ from mindspore.ops.operations.sparse_ops import SparseSlice
|
|
|
30
31
|
from mindspore.ops.operations.sparse_ops import SparseDenseCwiseMul
|
|
31
32
|
from mindspore.ops.operations.sparse_ops import SparseDenseCwiseDiv
|
|
32
33
|
from mindspore.ops.operations.sparse_ops import SparseTensorDenseAdd
|
|
34
|
+
from mindspore.ops.operations.sparse_ops import Sspaddmm
|
|
35
|
+
from mindspore.ops.operations._inner_ops import IsSubClass
|
|
36
|
+
import mindspore as ms
|
|
33
37
|
from mindspore.ops.operations import _map_tensor_ops
|
|
34
38
|
from mindspore.common import dtype as mstype
|
|
35
39
|
from mindspore import Tensor
|
|
@@ -39,11 +43,11 @@ from mindspore.ops import operations as P
|
|
|
39
43
|
from mindspore.ops.composite.multitype_ops.zeros_like_impl import zeros_like
|
|
40
44
|
from mindspore.ops.operations import _grad_ops as G
|
|
41
45
|
from mindspore.ops._grad.grad_base import bprop_getters
|
|
42
|
-
from mindspore.ops._utils.utils import is_shape_unknown
|
|
43
46
|
from mindspore import context
|
|
44
47
|
|
|
45
48
|
# Unused parameters are placeholders.
|
|
46
49
|
dyn_shape_op = P.TensorShape()
|
|
50
|
+
is_sub_class = IsSubClass()
|
|
47
51
|
|
|
48
52
|
|
|
49
53
|
@bprop_getters.register(SparseDenseCwiseMul)
|
|
@@ -129,7 +133,7 @@ def get_bprop_sparse_softmax(self):
|
|
|
129
133
|
default_values = _create_tensor(0, values.dtype)
|
|
130
134
|
out_dout = mul(out, dout)
|
|
131
135
|
sp_product = sparse_to_dense(indices, shape, out_dout, default_values)
|
|
132
|
-
sum_reduced = -reduce_sum(sp_product, -1)
|
|
136
|
+
sum_reduced = -1 * reduce_sum(sp_product, -1)
|
|
133
137
|
sp_sum = sparse_dense_cwise_add(indices, dout, shape, sum_reduced)
|
|
134
138
|
grad_x = mul(sp_sum, out)
|
|
135
139
|
return zeros_like(indices), grad_x, zeros_like(shape)
|
|
@@ -184,7 +188,7 @@ def get_bprop_sparse_segment_sqrt_n(self):
|
|
|
184
188
|
|
|
185
189
|
def bprop(x, indices, segment_ids, out, dout):
|
|
186
190
|
shape_x = shape(x)
|
|
187
|
-
if
|
|
191
|
+
if F.is_sequence_value_unknown(shape_x):
|
|
188
192
|
shape_x = dyn_shape_op(x)
|
|
189
193
|
output_dim0 = P.Cast()(shape_x[0], mstype.int32)
|
|
190
194
|
indices = F.cast(indices, mstype.int32)
|
|
@@ -204,7 +208,7 @@ def get_bprop_sparse_segment_sqrt_n_with_num_segments(self):
|
|
|
204
208
|
|
|
205
209
|
def bprop(x, indices, segment_ids, num_segments, out, dout):
|
|
206
210
|
shape_x = shape(x)
|
|
207
|
-
if
|
|
211
|
+
if F.is_sequence_value_unknown(shape_x):
|
|
208
212
|
shape_x = dyn_shape_op(x)
|
|
209
213
|
output_dim0 = P.Cast()(shape_x[0], mstype.int32)
|
|
210
214
|
indices = F.cast(indices, mstype.int32)
|
|
@@ -226,7 +230,7 @@ def get_bprop_sparse_segment_sum(self):
|
|
|
226
230
|
def bprop_gpu(x, indices, segment_ids, out, dout):
|
|
227
231
|
input_grad = G.SparseSegmentSumGrad()
|
|
228
232
|
shape_x = shape(x)
|
|
229
|
-
if
|
|
233
|
+
if F.is_sequence_value_unknown(shape_x):
|
|
230
234
|
shape_x = dyn_shape_op(x)
|
|
231
235
|
output_dim0 = P.Cast()(shape_x[0], mstype.int32)
|
|
232
236
|
indices = F.cast(indices, mstype.int32)
|
|
@@ -274,7 +278,7 @@ def get_bprop_sparse_segment_sum_with_num_segments(self):
|
|
|
274
278
|
def bprop_gpu(x, indices, segment_ids, num_segments, out, dout):
|
|
275
279
|
input_grad = G.SparseSegmentSumGrad()
|
|
276
280
|
shape_x = shape(x)
|
|
277
|
-
if
|
|
281
|
+
if F.is_sequence_value_unknown(shape_x):
|
|
278
282
|
shape_x = dyn_shape_op(x)
|
|
279
283
|
output_dim0 = P.Cast()(shape_x[0], mstype.int32)
|
|
280
284
|
indices = F.cast(indices, mstype.int32)
|
|
@@ -309,7 +313,7 @@ def get_bprop_sparse_segment_mean_with_num_segments(self):
|
|
|
309
313
|
|
|
310
314
|
def bprop(x, indices, segment_ids, num_segments, out, dout):
|
|
311
315
|
x_shp = shape(x)
|
|
312
|
-
if
|
|
316
|
+
if F.is_sequence_value_unknown(x_shp):
|
|
313
317
|
x_shp = dyn_shape_op(x)
|
|
314
318
|
output_dim0 = F.cast(x_shp[0], mstype.int32)
|
|
315
319
|
else:
|
|
@@ -336,6 +340,43 @@ def get_bprop_sparse_slice(self):
|
|
|
336
340
|
return bprop
|
|
337
341
|
|
|
338
342
|
|
|
343
|
+
@bprop_getters.register(Sspaddmm)
|
|
344
|
+
def get_bprop_sspaddmm(self):
|
|
345
|
+
"""Grad definition for `Sspaddmm` operation."""
|
|
346
|
+
def bprop(x1_indices, x1_values, x1_shape, x2_indices, x2_values, x2_shape, x3_dense, alpha, beta, out, dout):
|
|
347
|
+
dx_all = (zeros_like(x1_indices), zeros_like(x1_values), zeros_like(x1_shape),
|
|
348
|
+
zeros_like(x2_indices), zeros_like(x2_values), zeros_like(x2_shape),
|
|
349
|
+
zeros_like(x3_dense), zeros_like(alpha), zeros_like(beta))
|
|
350
|
+
return dx_all
|
|
351
|
+
|
|
352
|
+
return bprop
|
|
353
|
+
|
|
354
|
+
|
|
355
|
+
@bprop_getters.register(RaggedTensorToSparse)
|
|
356
|
+
def get_bprop_ragged_tensor_to_sparse(self):
|
|
357
|
+
"""Grad definition for `RaggedTensorToSparse` operation."""
|
|
358
|
+
shape = P.Shape()
|
|
359
|
+
reshape = P.Reshape()
|
|
360
|
+
|
|
361
|
+
def bprop(rt_nested_splits, rt_dense_values, out, dout):
|
|
362
|
+
ragged_values_shape = shape(rt_dense_values)
|
|
363
|
+
ragged_values_grad = reshape(dout[1], ragged_values_shape)
|
|
364
|
+
|
|
365
|
+
if is_sub_class(F.typeof(rt_nested_splits), ms.list_):
|
|
366
|
+
split = []
|
|
367
|
+
for i in enumerate(rt_nested_splits):
|
|
368
|
+
split.append(zeros_like(i))
|
|
369
|
+
all_d = (split, ragged_values_grad)
|
|
370
|
+
return all_d
|
|
371
|
+
split = ()
|
|
372
|
+
for i in enumerate(rt_nested_splits):
|
|
373
|
+
split = split + (zeros_like(i),)
|
|
374
|
+
all_d = (split, ragged_values_grad)
|
|
375
|
+
return all_d
|
|
376
|
+
|
|
377
|
+
return bprop
|
|
378
|
+
|
|
379
|
+
|
|
339
380
|
@bprop_getters.register(SparseReorder)
|
|
340
381
|
def get_bprop_sparse_reorder(self):
|
|
341
382
|
"""Grad definition for `SparseReorder` operation."""
|
|
@@ -346,7 +387,7 @@ def get_bprop_sparse_reorder(self):
|
|
|
346
387
|
def bprop(indices, values, shape, out, dout):
|
|
347
388
|
num_entries = F.shape(indices)[0]
|
|
348
389
|
start = Tensor(0, dtype=mstype.int32)
|
|
349
|
-
limit =
|
|
390
|
+
limit = P.Cast()(num_entries, mstype.int32)
|
|
350
391
|
delta = Tensor(1, dtype=mstype.int32)
|
|
351
392
|
entry_indices = range_op(start, limit, delta)
|
|
352
393
|
output = sparse_reorder_op(indices, entry_indices, shape)
|
|
@@ -18,8 +18,8 @@ from __future__ import absolute_import
|
|
|
18
18
|
|
|
19
19
|
import te
|
|
20
20
|
from te import tvm
|
|
21
|
-
from topi import generic
|
|
22
|
-
from topi.cce import util
|
|
21
|
+
from tbe.tvm.topi import generic
|
|
22
|
+
from tbe.tvm.topi.cce import util
|
|
23
23
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
24
24
|
|
|
25
25
|
batch_norm_op_info = TBERegOp("BatchNormFoldD") \
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -17,9 +17,9 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from
|
|
21
|
-
from topi import generic
|
|
22
|
-
from topi.cce import util
|
|
20
|
+
from tbe.common.buildcfg import build_config
|
|
21
|
+
from tbe.tvm.topi import generic
|
|
22
|
+
from tbe.tvm.topi.cce import util
|
|
23
23
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
24
24
|
|
|
25
25
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -101,5 +101,5 @@ def batchnorm_fold2_grad_reduce(dout, x, dout_reduce, dout_x_reduce, kernel_name
|
|
|
101
101
|
return
|
|
102
102
|
from impl.bn_training_reduce import bn_training_reduce_schedule_nd
|
|
103
103
|
sch, tensor_list = bn_training_reduce_schedule_nd(res_list)
|
|
104
|
-
with build_config:
|
|
104
|
+
with build_config():
|
|
105
105
|
tvm.build(sch, tensor_list, "cce", name=kernel_name)
|
|
@@ -15,11 +15,11 @@
|
|
|
15
15
|
|
|
16
16
|
"""_BatchNormFoldGrad op"""
|
|
17
17
|
|
|
18
|
-
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
19
18
|
import te.lang.cce
|
|
20
19
|
from te import tvm
|
|
21
|
-
from topi import generic
|
|
22
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
|
+
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
batch_norm_op_info = TBERegOp("BatchNormFoldGradD") \
|
|
25
25
|
.fusion_type("OPAQUE") \
|
|
@@ -17,7 +17,7 @@ from __future__ import absolute_import
|
|
|
17
17
|
import logging
|
|
18
18
|
|
|
19
19
|
from te import tik
|
|
20
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi.cce import util
|
|
21
21
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
22
22
|
|
|
23
23
|
logging.basicConfig(level=logging.DEBUG, format="%(asctime)s %(levelname)s %(message)s")
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -15,7 +15,7 @@
|
|
|
15
15
|
"""dsd back impl"""
|
|
16
16
|
from __future__ import absolute_import
|
|
17
17
|
from te import tik
|
|
18
|
-
from topi.cce import util
|
|
18
|
+
from tbe.tvm.topi.cce import util
|
|
19
19
|
from mindspore.ops.op_info_register import DataType, TBERegOp, op_info_register
|
|
20
20
|
|
|
21
21
|
dsd_grad_info = TBERegOp('DSDGrad') \
|
|
@@ -88,16 +88,12 @@ def dsdbpropimpl(w1_gm, w2_gm, v_gm, a_gm, d_a_gm, d_w1_gm={}, d_w2_gm={}, d_v_g
|
|
|
88
88
|
16, seq_len // 16, 16, 16),
|
|
89
89
|
name='a_gm',
|
|
90
90
|
scope=tik.scope_gm)
|
|
91
|
-
local_gm = a_gm
|
|
92
|
-
global_gm = a_gm
|
|
93
91
|
# zN
|
|
94
92
|
d_a_gm = tik_inst.Tensor('float16',
|
|
95
93
|
(batch_size, head, v_embedding //
|
|
96
94
|
16, seq_len // 16, 16, 16),
|
|
97
95
|
name='d_a_gm',
|
|
98
96
|
scope=tik.scope_gm)
|
|
99
|
-
d_local_gm = d_a_gm
|
|
100
|
-
d_global_gm = d_a_gm
|
|
101
97
|
|
|
102
98
|
# output
|
|
103
99
|
# w-zN
|
|
@@ -15,7 +15,7 @@
|
|
|
15
15
|
""" dense sparse to densne matmul"""
|
|
16
16
|
from __future__ import absolute_import
|
|
17
17
|
from te import tik
|
|
18
|
-
from topi.cce import util
|
|
18
|
+
from tbe.tvm.topi.cce import util
|
|
19
19
|
from mindspore.ops.op_info_register import DataType, TBERegOp, op_info_register
|
|
20
20
|
|
|
21
21
|
dsd_matmul_info = TBERegOp('DSDMatmul') \
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
fake_learned_scale_quant_perchannel_op_info = TBERegOp("FakeLearnedScaleQuantPerChannel") \
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
NEG_SCALAR_MIN_FP16 = -(2 ** (-24))
|
|
@@ -17,8 +17,8 @@
|
|
|
17
17
|
import te.lang.cce
|
|
18
18
|
from te import tvm
|
|
19
19
|
from te.platform.fusion_manager import fusion_manager
|
|
20
|
-
from topi import generic
|
|
21
|
-
from topi.cce import util
|
|
20
|
+
from tbe.tvm.topi import generic
|
|
21
|
+
from tbe.tvm.topi.cce import util
|
|
22
22
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
23
23
|
|
|
24
24
|
|
|
@@ -18,8 +18,8 @@ from functools import reduce as functools_reduce
|
|
|
18
18
|
import te.lang.cce
|
|
19
19
|
from te import tvm
|
|
20
20
|
from te.platform.fusion_manager import fusion_manager
|
|
21
|
-
from topi import generic
|
|
22
|
-
from topi.cce import util
|
|
21
|
+
from tbe.tvm.topi import generic
|
|
22
|
+
from tbe.tvm.topi.cce import util
|
|
23
23
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
24
24
|
|
|
25
25
|
fake_learned_scale_quant_perlayer_op_info = TBERegOp("FakeLearnedScaleQuantPerLayer") \
|
|
@@ -19,8 +19,8 @@ from functools import reduce as functools_reduce
|
|
|
19
19
|
import te.lang.cce
|
|
20
20
|
from te import tvm
|
|
21
21
|
from te.platform.fusion_manager import fusion_manager
|
|
22
|
-
from topi import generic
|
|
23
|
-
from topi.cce import util
|
|
22
|
+
from tbe.tvm.topi import generic
|
|
23
|
+
from tbe.tvm.topi.cce import util
|
|
24
24
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
25
25
|
|
|
26
26
|
NEG_SCALAR_MIN_FP16 = -(2 ** (-24))
|
|
@@ -19,8 +19,8 @@ from functools import reduce as functools_reduce
|
|
|
19
19
|
import te.lang.cce
|
|
20
20
|
from te import tvm
|
|
21
21
|
from te.platform.fusion_manager import fusion_manager
|
|
22
|
-
from topi import generic
|
|
23
|
-
from topi.cce import util
|
|
22
|
+
from tbe.tvm.topi import generic
|
|
23
|
+
from tbe.tvm.topi.cce import util
|
|
24
24
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
25
25
|
|
|
26
26
|
|
|
@@ -19,8 +19,8 @@ from __future__ import absolute_import
|
|
|
19
19
|
import te.lang.cce
|
|
20
20
|
from te import tvm
|
|
21
21
|
from te.platform.fusion_manager import fusion_manager
|
|
22
|
-
from topi import generic
|
|
23
|
-
from topi.cce import util
|
|
22
|
+
from tbe.tvm.topi import generic
|
|
23
|
+
from tbe.tvm.topi.cce import util
|
|
24
24
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
25
25
|
|
|
26
26
|
fake_quant_perchannel_op_info = TBERegOp("FakeQuantPerChannel") \
|
|
@@ -19,8 +19,8 @@ from __future__ import absolute_import
|
|
|
19
19
|
import te.lang.cce
|
|
20
20
|
from te import tvm
|
|
21
21
|
from te.platform.fusion_manager import fusion_manager
|
|
22
|
-
from topi import generic
|
|
23
|
-
from topi.cce import util
|
|
22
|
+
from tbe.tvm.topi import generic
|
|
23
|
+
from tbe.tvm.topi.cce import util
|
|
24
24
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
25
25
|
|
|
26
26
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -20,8 +20,8 @@ from functools import reduce as functools_reduce
|
|
|
20
20
|
import te.lang.cce
|
|
21
21
|
from te import tvm
|
|
22
22
|
from te.platform.fusion_manager import fusion_manager
|
|
23
|
-
from topi import generic
|
|
24
|
-
from topi.cce import util
|
|
23
|
+
from tbe.tvm.topi import generic
|
|
24
|
+
from tbe.tvm.topi.cce import util
|
|
25
25
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
26
26
|
|
|
27
27
|
fake_quant_per_layer_op_info = TBERegOp("FakeQuantPerLayer") \
|
|
@@ -20,8 +20,8 @@ from functools import reduce as functools_reduce
|
|
|
20
20
|
import te.lang.cce
|
|
21
21
|
from te import tvm
|
|
22
22
|
from te.platform.fusion_manager import fusion_manager
|
|
23
|
-
from topi import generic
|
|
24
|
-
from topi.cce import util
|
|
23
|
+
from tbe.tvm.topi import generic
|
|
24
|
+
from tbe.tvm.topi.cce import util
|
|
25
25
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
26
26
|
|
|
27
27
|
SHAPE_SIZE_LIMIT = 2147483648
|
|
@@ -16,7 +16,7 @@
|
|
|
16
16
|
from __future__ import absolute_import
|
|
17
17
|
|
|
18
18
|
from te import tik
|
|
19
|
-
from topi.cce import util
|
|
19
|
+
from tbe.tvm.topi.cce import util
|
|
20
20
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
21
21
|
|
|
22
22
|
cus_img2col_info = TBERegOp("CusImg2Col") \
|
|
@@ -21,8 +21,8 @@ import te.lang.cce
|
|
|
21
21
|
import te.platform.cce_params as cce
|
|
22
22
|
from te import tik
|
|
23
23
|
from te import tvm
|
|
24
|
-
from topi import generic
|
|
25
|
-
from topi.cce import util
|
|
24
|
+
from tbe.tvm.topi import generic
|
|
25
|
+
from tbe.tvm.topi.cce import util
|
|
26
26
|
from mindspore.ops.op_info_register import op_info_register, TBERegOp, DataType
|
|
27
27
|
from mindspore.ops._op_impl._custom_op._basic import _shape_check, _get_bias, _get_input_shape
|
|
28
28
|
|