mindspore 2.0.0a0__cp38-cp38-win_amd64.whl → 2.0.0rc1__cp38-cp38-win_amd64.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of mindspore might be problematic. Click here for more details.

Files changed (655) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -2
  3. mindspore/_c_dataengine.cp38-win_amd64.pyd +0 -0
  4. mindspore/_c_expression.cp38-win_amd64.pyd +0 -0
  5. mindspore/_c_mindrecord.cp38-win_amd64.pyd +0 -0
  6. mindspore/_check_jit_forbidden_api.py +102 -0
  7. mindspore/_checkparam.py +1066 -1001
  8. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +4 -3
  9. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -48
  10. mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -4
  11. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -4
  12. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
  13. mindspore/_extends/parse/__init__.py +5 -3
  14. mindspore/_extends/parse/namespace.py +16 -1
  15. mindspore/_extends/parse/parser.py +107 -22
  16. mindspore/_extends/parse/resources.py +0 -7
  17. mindspore/_extends/parse/standard_method.py +885 -413
  18. mindspore/amp.py +52 -57
  19. mindspore/boost/boost.py +2 -2
  20. mindspore/boost/boost_cell_wrapper.py +38 -20
  21. mindspore/boost/dim_reduce.py +3 -3
  22. mindspore/boost/group_loss_scale_manager.py +1 -1
  23. mindspore/common/__init__.py +4 -6
  24. mindspore/common/_decorator.py +2 -0
  25. mindspore/common/_register_for_adapter.py +55 -0
  26. mindspore/common/_stub_tensor.py +201 -0
  27. mindspore/common/_utils.py +41 -7
  28. mindspore/common/api.py +215 -141
  29. mindspore/common/dtype.py +8 -1
  30. mindspore/common/dump.py +2 -2
  31. mindspore/common/initializer.py +4 -2
  32. mindspore/common/jit_config.py +17 -13
  33. mindspore/common/mutable.py +33 -13
  34. mindspore/common/parameter.py +23 -21
  35. mindspore/common/seed.py +8 -24
  36. mindspore/common/sparse_tensor.py +62 -41
  37. mindspore/common/tensor.py +852 -1154
  38. mindspore/communication/__init__.py +2 -2
  39. mindspore/communication/_comm_helper.py +11 -4
  40. mindspore/communication/management.py +22 -21
  41. mindspore/config/op_info.config +501 -1008
  42. mindspore/context.py +201 -23
  43. mindspore/dataset/__init__.py +6 -6
  44. mindspore/dataset/audio/__init__.py +7 -7
  45. mindspore/dataset/audio/transforms.py +670 -30
  46. mindspore/dataset/audio/utils.py +47 -4
  47. mindspore/dataset/audio/validators.py +223 -1
  48. mindspore/dataset/callback/ds_callback.py +2 -2
  49. mindspore/dataset/core/config.py +210 -14
  50. mindspore/dataset/core/validator_helpers.py +2 -2
  51. mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
  52. mindspore/dataset/debug/debug_hook.py +65 -0
  53. mindspore/dataset/debug/pre_defined_hook.py +67 -0
  54. mindspore/dataset/engine/__init__.py +7 -3
  55. mindspore/dataset/engine/cache_client.py +1 -1
  56. mindspore/dataset/engine/datasets.py +322 -66
  57. mindspore/dataset/engine/datasets_audio.py +80 -76
  58. mindspore/dataset/engine/datasets_standard_format.py +51 -38
  59. mindspore/dataset/engine/datasets_text.py +232 -118
  60. mindspore/dataset/engine/datasets_user_defined.py +41 -17
  61. mindspore/dataset/engine/datasets_vision.py +746 -225
  62. mindspore/dataset/engine/graphdata.py +75 -10
  63. mindspore/dataset/engine/iterators.py +45 -5
  64. mindspore/dataset/engine/offload.py +48 -28
  65. mindspore/dataset/engine/validators.py +117 -8
  66. mindspore/dataset/text/__init__.py +6 -5
  67. mindspore/dataset/text/transforms.py +86 -3
  68. mindspore/dataset/text/utils.py +6 -4
  69. mindspore/dataset/text/validators.py +25 -0
  70. mindspore/dataset/transforms/__init__.py +3 -2
  71. mindspore/dataset/transforms/c_transforms.py +1 -1
  72. mindspore/dataset/transforms/transforms.py +2 -2
  73. mindspore/dataset/utils/__init__.py +2 -1
  74. mindspore/dataset/utils/line_reader.py +121 -0
  75. mindspore/dataset/vision/__init__.py +2 -3
  76. mindspore/dataset/vision/c_transforms.py +9 -9
  77. mindspore/dataset/vision/py_transforms.py +5 -5
  78. mindspore/dataset/vision/py_transforms_util.py +2 -0
  79. mindspore/dataset/vision/transforms.py +160 -161
  80. mindspore/dataset/vision/utils.py +3 -3
  81. mindspore/experimental/map_parameter.py +38 -26
  82. mindspore/include/OWNERS +0 -1
  83. mindspore/include/api/callback/callback.h +9 -13
  84. mindspore/include/api/callback/ckpt_saver.h +2 -2
  85. mindspore/include/api/callback/loss_monitor.h +2 -2
  86. mindspore/include/api/callback/lr_scheduler.h +5 -5
  87. mindspore/include/api/callback/time_monitor.h +2 -2
  88. mindspore/include/api/callback/train_accuracy.h +4 -6
  89. mindspore/include/api/cfg.h +19 -6
  90. mindspore/include/api/context.h +44 -9
  91. mindspore/include/api/delegate.h +1 -1
  92. mindspore/include/api/metrics/accuracy.h +2 -2
  93. mindspore/include/api/metrics/metrics.h +4 -3
  94. mindspore/include/api/model.h +9 -4
  95. mindspore/include/api/model_parallel_runner.h +2 -2
  96. mindspore/include/api/net.h +12 -11
  97. mindspore/include/api/serialization.h +19 -3
  98. mindspore/include/api/types.h +3 -3
  99. mindspore/include/dataset/constants.h +7 -0
  100. mindspore/include/dataset/text.h +59 -0
  101. mindspore/jpeg62.dll +0 -0
  102. mindspore/log.py +1 -1
  103. mindspore/mindrecord/filereader.py +18 -0
  104. mindspore/mindrecord/filewriter.py +197 -34
  105. mindspore/mindrecord/shardreader.py +9 -0
  106. mindspore/mindrecord/shardwriter.py +1 -1
  107. mindspore/mindrecord/tools/cifar100_to_mr.py +3 -3
  108. mindspore/mindrecord/tools/cifar10_to_mr.py +3 -3
  109. mindspore/mindrecord/tools/csv_to_mr.py +3 -3
  110. mindspore/mindrecord/tools/imagenet_to_mr.py +16 -11
  111. mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
  112. mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
  113. mindspore/mindspore_backend.dll +0 -0
  114. mindspore/mindspore_common.dll +0 -0
  115. mindspore/mindspore_core.dll +0 -0
  116. mindspore/mindspore_glog.dll +0 -0
  117. mindspore/mindspore_shared_lib.dll +0 -0
  118. mindspore/nn/__init__.py +0 -4
  119. mindspore/nn/cell.py +204 -132
  120. mindspore/nn/dynamic_lr.py +1 -1
  121. mindspore/nn/grad/cell_grad.py +7 -6
  122. mindspore/nn/layer/__init__.py +5 -4
  123. mindspore/nn/layer/activation.py +40 -89
  124. mindspore/nn/layer/basic.py +255 -624
  125. mindspore/nn/layer/channel_shuffle.py +7 -6
  126. mindspore/nn/layer/combined.py +1 -1
  127. mindspore/nn/layer/container.py +41 -4
  128. mindspore/nn/layer/conv.py +64 -28
  129. mindspore/nn/layer/dense.py +9 -8
  130. mindspore/nn/layer/embedding.py +27 -25
  131. mindspore/nn/layer/image.py +53 -46
  132. mindspore/nn/layer/math.py +97 -105
  133. mindspore/nn/layer/normalization.py +117 -86
  134. mindspore/nn/layer/padding.py +185 -95
  135. mindspore/nn/layer/pooling.py +817 -414
  136. mindspore/nn/layer/rnn_cells.py +10 -15
  137. mindspore/nn/layer/rnns.py +37 -38
  138. mindspore/nn/layer/thor_layer.py +11 -12
  139. mindspore/nn/layer/timedistributed.py +5 -5
  140. mindspore/nn/layer/transformer.py +701 -0
  141. mindspore/nn/learning_rate_schedule.py +8 -8
  142. mindspore/nn/loss/__init__.py +5 -4
  143. mindspore/nn/loss/loss.py +334 -199
  144. mindspore/nn/optim/ada_grad.py +6 -6
  145. mindspore/nn/optim/adadelta.py +2 -3
  146. mindspore/nn/optim/adafactor.py +4 -5
  147. mindspore/nn/optim/adam.py +126 -62
  148. mindspore/nn/optim/adamax.py +3 -4
  149. mindspore/nn/optim/adasum.py +6 -6
  150. mindspore/nn/optim/asgd.py +2 -2
  151. mindspore/nn/optim/ftrl.py +67 -38
  152. mindspore/nn/optim/lamb.py +4 -5
  153. mindspore/nn/optim/lars.py +2 -2
  154. mindspore/nn/optim/lazyadam.py +43 -4
  155. mindspore/nn/optim/momentum.py +6 -5
  156. mindspore/nn/optim/optimizer.py +3 -1
  157. mindspore/nn/optim/proximal_ada_grad.py +2 -2
  158. mindspore/nn/optim/rmsprop.py +1 -1
  159. mindspore/nn/optim/rprop.py +8 -9
  160. mindspore/nn/optim/sgd.py +19 -13
  161. mindspore/nn/optim/thor.py +10 -15
  162. mindspore/nn/probability/__init__.py +0 -2
  163. mindspore/nn/probability/bijector/bijector.py +4 -4
  164. mindspore/nn/probability/bijector/invert.py +1 -1
  165. mindspore/nn/probability/bijector/softplus.py +2 -2
  166. mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
  167. mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
  168. mindspore/nn/probability/distribution/_utils/utils.py +9 -15
  169. mindspore/nn/probability/distribution/bernoulli.py +3 -3
  170. mindspore/nn/probability/distribution/beta.py +1 -1
  171. mindspore/nn/probability/distribution/categorical.py +5 -7
  172. mindspore/nn/probability/distribution/cauchy.py +3 -3
  173. mindspore/nn/probability/distribution/distribution.py +2 -2
  174. mindspore/nn/probability/distribution/exponential.py +2 -2
  175. mindspore/nn/probability/distribution/gamma.py +3 -3
  176. mindspore/nn/probability/distribution/geometric.py +1 -1
  177. mindspore/nn/probability/distribution/gumbel.py +3 -3
  178. mindspore/nn/probability/distribution/half_normal.py +15 -11
  179. mindspore/nn/probability/distribution/laplace.py +16 -13
  180. mindspore/nn/probability/distribution/logistic.py +2 -2
  181. mindspore/nn/probability/distribution/normal.py +1 -1
  182. mindspore/nn/probability/distribution/poisson.py +1 -1
  183. mindspore/nn/probability/distribution/student_t.py +20 -15
  184. mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
  185. mindspore/nn/probability/distribution/uniform.py +2 -2
  186. mindspore/nn/reinforcement/_tensors_queue.py +3 -3
  187. mindspore/nn/reinforcement/tensor_array.py +2 -2
  188. mindspore/nn/sparse/sparse.py +2 -2
  189. mindspore/nn/wrap/cell_wrapper.py +27 -10
  190. mindspore/nn/wrap/grad_reducer.py +2 -2
  191. mindspore/nn/wrap/loss_scale.py +40 -24
  192. mindspore/numpy/array_creations.py +33 -22
  193. mindspore/numpy/array_ops.py +35 -30
  194. mindspore/numpy/logic_ops.py +6 -27
  195. mindspore/numpy/math_ops.py +22 -19
  196. mindspore/numpy/utils.py +1 -1
  197. mindspore/numpy/utils_const.py +108 -58
  198. mindspore/opencv_core452.dll +0 -0
  199. mindspore/opencv_imgcodecs452.dll +0 -0
  200. mindspore/opencv_imgproc452.dll +0 -0
  201. mindspore/ops/_constants.py +0 -6
  202. mindspore/ops/_grad/__init__.py +2 -1
  203. mindspore/ops/_grad/grad_array_ops.py +86 -117
  204. mindspore/ops/_grad/grad_base.py +23 -1
  205. mindspore/ops/_grad/grad_clip_ops.py +2 -3
  206. mindspore/ops/_grad/grad_comm_ops.py +34 -24
  207. mindspore/ops/_grad/grad_implementations.py +9 -45
  208. mindspore/ops/_grad/grad_inner_ops.py +47 -4
  209. mindspore/ops/_grad/grad_math_ops.py +142 -117
  210. mindspore/ops/_grad/grad_nn_ops.py +71 -165
  211. mindspore/ops/_grad/grad_sequence_ops.py +296 -0
  212. mindspore/ops/_grad/grad_sparse.py +7 -6
  213. mindspore/ops/_grad_experimental/__init__.py +1 -0
  214. mindspore/ops/_grad_experimental/grad_array_ops.py +150 -15
  215. mindspore/ops/_grad_experimental/grad_image_ops.py +16 -7
  216. mindspore/ops/_grad_experimental/grad_inner_ops.py +1 -22
  217. mindspore/ops/_grad_experimental/grad_linalg_ops.py +4 -11
  218. mindspore/ops/_grad_experimental/grad_math_ops.py +210 -89
  219. mindspore/ops/_grad_experimental/grad_nn_ops.py +26 -22
  220. mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
  221. mindspore/ops/_grad_experimental/grad_sparse_ops.py +49 -8
  222. mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
  223. mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +2 -2
  224. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
  225. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
  226. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +4 -4
  227. mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
  228. mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
  229. mindspore/ops/_op_impl/_custom_op/correction_mul.py +2 -2
  230. mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
  231. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -5
  232. mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
  233. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
  234. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
  235. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
  236. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
  237. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
  238. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
  239. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
  240. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
  241. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
  242. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
  243. mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
  244. mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
  245. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
  246. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
  247. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
  248. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
  249. mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
  250. mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -4
  251. mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
  252. mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
  253. mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
  254. mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
  255. mindspore/ops/_op_impl/aicpu/__init__.py +236 -4
  256. mindspore/ops/_op_impl/aicpu/abs.py +36 -0
  257. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_v1.py → adaptive_avg_pool_2d.py} +6 -5
  258. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
  259. mindspore/ops/_op_impl/aicpu/add.py +43 -0
  260. mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
  261. mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
  262. mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
  263. mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -43
  264. mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
  265. mindspore/{compression/common/__init__.py → ops/_op_impl/aicpu/bessel_i0.py} +15 -8
  266. mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
  267. mindspore/ops/_op_impl/aicpu/conj.py +11 -0
  268. mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +0 -3
  269. mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
  270. mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
  271. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_grad_v1.py → digamma.py} +7 -9
  272. mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
  273. mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
  274. mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
  275. mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
  276. mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
  277. mindspore/ops/_op_impl/aicpu/greater.py +41 -0
  278. mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
  279. mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
  280. mindspore/ops/_op_impl/aicpu/less.py +41 -0
  281. mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/lgamma.py} +16 -10
  282. mindspore/ops/_op_impl/aicpu/mirror_pad.py +0 -4
  283. mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
  284. mindspore/ops/_op_impl/aicpu/mul.py +3 -1
  285. mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
  286. mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
  287. mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
  288. mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
  289. mindspore/ops/_op_impl/aicpu/polar.py +32 -0
  290. mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
  291. mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
  292. mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
  293. mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
  294. mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
  295. mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
  296. mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
  297. mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
  298. mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
  299. mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
  300. mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
  301. mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
  302. mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
  303. mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
  304. mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
  305. mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
  306. mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
  307. mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
  308. mindspore/ops/_op_impl/aicpu/sparse_slice.py +4 -0
  309. mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +6 -0
  310. mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
  311. mindspore/ops/_op_impl/aicpu/trans_data.py +1 -0
  312. mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
  313. mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
  314. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
  315. mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
  316. mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
  317. mindspore/ops/_op_impl/cpu/sparse_slice.py +4 -0
  318. mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +6 -0
  319. mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
  320. mindspore/ops/_op_impl/tbe/__init__.py +27 -611
  321. mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
  322. mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
  323. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
  324. mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +1 -0
  325. mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
  326. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
  327. mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
  328. mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
  329. mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
  330. mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
  331. mindspore/ops/_op_impl/tbe/cast.py +0 -2
  332. mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
  333. mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
  334. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +2 -2
  335. mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
  336. mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
  337. mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
  338. mindspore/ops/_op_impl/tbe/matmul_ds.py +2 -0
  339. mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
  340. mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
  341. mindspore/ops/_op_impl/tbe/scatter_mul.py +2 -0
  342. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -2
  343. mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
  344. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
  345. mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
  346. mindspore/ops/_register_for_op.py +1 -0
  347. mindspore/ops/_utils/__init__.py +1 -2
  348. mindspore/ops/_utils/utils.py +19 -40
  349. mindspore/ops/_vmap/vmap_array_ops.py +116 -38
  350. mindspore/ops/_vmap/vmap_base.py +16 -9
  351. mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
  352. mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
  353. mindspore/ops/_vmap/vmap_grad_nn_ops.py +7 -5
  354. mindspore/ops/_vmap/vmap_image_ops.py +12 -5
  355. mindspore/ops/_vmap/vmap_math_ops.py +46 -5
  356. mindspore/ops/_vmap/vmap_nn_ops.py +15 -21
  357. mindspore/ops/_vmap/vmap_random_ops.py +1 -1
  358. mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
  359. mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
  360. mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
  361. mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
  362. mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
  363. mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
  364. mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
  365. mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
  366. mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +220 -106
  367. mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
  368. mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +240 -0
  369. mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
  370. mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
  371. mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
  372. mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
  373. mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
  374. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
  375. mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
  376. mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
  377. mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +22 -23
  378. mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -17
  379. mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
  380. mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
  381. mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
  382. mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
  383. mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
  384. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  385. mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +39 -41
  386. mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
  387. mindspore/ops/bprop_mindir/Flatten_bprop.mindir +41 -43
  388. mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +51 -57
  389. mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
  390. mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
  391. mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
  392. mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
  393. mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
  394. mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
  395. mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
  396. mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
  397. mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
  398. mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
  399. mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
  400. mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
  401. mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
  402. mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
  403. mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
  404. mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +27 -0
  405. mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
  406. mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
  407. mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
  408. mindspore/ops/bprop_mindir/OneHot_bprop.mindir +24 -25
  409. mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
  410. mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
  411. mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
  412. mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +29 -0
  413. mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
  414. mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
  415. mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
  416. mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +18 -19
  417. mindspore/ops/bprop_mindir/Reshape_bprop.mindir +53 -53
  418. mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
  419. mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +77 -85
  420. mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
  421. mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
  422. mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
  423. mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
  424. mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
  425. mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  426. mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
  427. mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
  428. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  429. mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +37 -39
  430. mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +70 -72
  431. mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
  432. mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
  433. mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
  434. mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
  435. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +17 -17
  436. mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
  437. mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
  438. mindspore/ops/bprop_mindir/generate_mindir.py +2 -0
  439. mindspore/ops/composite/__init__.py +7 -8
  440. mindspore/ops/composite/base.py +101 -47
  441. mindspore/ops/composite/math_ops.py +188 -158
  442. mindspore/ops/composite/multitype_ops/_compile_utils.py +415 -170
  443. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +142 -87
  444. mindspore/ops/composite/multitype_ops/add_impl.py +6 -1
  445. mindspore/ops/composite/multitype_ops/div_impl.py +2 -3
  446. mindspore/ops/composite/multitype_ops/getitem_impl.py +31 -3
  447. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
  448. mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
  449. mindspore/ops/composite/multitype_ops/in_impl.py +9 -0
  450. mindspore/ops/composite/multitype_ops/less_equal_impl.py +31 -0
  451. mindspore/ops/composite/multitype_ops/less_impl.py +31 -0
  452. mindspore/ops/composite/multitype_ops/mul_impl.py +21 -5
  453. mindspore/ops/composite/multitype_ops/not_in_impl.py +9 -0
  454. mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
  455. mindspore/ops/composite/multitype_ops/setitem_impl.py +21 -3
  456. mindspore/ops/composite/multitype_ops/sub_impl.py +1 -1
  457. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +35 -4
  458. mindspore/ops/function/__init__.py +152 -8
  459. mindspore/ops/function/array_func.py +2555 -674
  460. mindspore/ops/function/clip_func.py +209 -13
  461. mindspore/ops/function/debug_func.py +2 -2
  462. mindspore/ops/function/grad/__init__.py +2 -1
  463. mindspore/ops/function/grad/grad_func.py +147 -62
  464. mindspore/ops/function/image_func.py +54 -38
  465. mindspore/ops/function/linalg_func.py +167 -16
  466. mindspore/ops/function/math_func.py +4849 -1492
  467. mindspore/ops/function/nn_func.py +2573 -988
  468. mindspore/ops/function/other_func.py +115 -0
  469. mindspore/ops/function/parameter_func.py +3 -3
  470. mindspore/ops/function/random_func.py +790 -73
  471. mindspore/ops/function/sparse_func.py +98 -78
  472. mindspore/ops/function/sparse_unary_func.py +54 -53
  473. mindspore/ops/function/spectral_func.py +27 -24
  474. mindspore/ops/function/vmap_func.py +22 -2
  475. mindspore/ops/functional.py +97 -37
  476. mindspore/ops/op_info_register.py +70 -28
  477. mindspore/ops/operations/__init__.py +47 -14
  478. mindspore/ops/operations/_csr_ops.py +7 -7
  479. mindspore/ops/operations/_embedding_cache_ops.py +5 -5
  480. mindspore/ops/operations/_grad_ops.py +276 -187
  481. mindspore/ops/operations/_inner_ops.py +319 -113
  482. mindspore/ops/operations/_ms_kernel.py +10 -8
  483. mindspore/ops/operations/_ocr_ops.py +9 -9
  484. mindspore/ops/operations/_opaque_predicate_registry.py +4 -0
  485. mindspore/ops/operations/_quant_ops.py +137 -102
  486. mindspore/ops/operations/_rl_inner_ops.py +121 -60
  487. mindspore/ops/operations/_scalar_ops.py +466 -0
  488. mindspore/ops/operations/_sequence_ops.py +1004 -2
  489. mindspore/ops/operations/_tensor_array.py +10 -11
  490. mindspore/ops/operations/_thor_ops.py +1 -1
  491. mindspore/ops/operations/array_ops.py +801 -466
  492. mindspore/ops/operations/comm_ops.py +51 -49
  493. mindspore/ops/operations/control_ops.py +2 -2
  494. mindspore/ops/operations/custom_ops.py +123 -44
  495. mindspore/ops/operations/debug_ops.py +24 -24
  496. mindspore/ops/operations/image_ops.py +240 -153
  497. mindspore/ops/operations/inner_ops.py +34 -50
  498. mindspore/ops/operations/linalg_ops.py +31 -9
  499. mindspore/ops/operations/math_ops.py +988 -757
  500. mindspore/ops/operations/nn_ops.py +965 -819
  501. mindspore/ops/operations/other_ops.py +51 -40
  502. mindspore/ops/operations/random_ops.py +204 -122
  503. mindspore/ops/operations/rl_ops.py +8 -9
  504. mindspore/ops/operations/sparse_ops.py +254 -93
  505. mindspore/ops/operations/spectral_ops.py +35 -3
  506. mindspore/ops/primitive.py +111 -9
  507. mindspore/parallel/_auto_parallel_context.py +189 -83
  508. mindspore/parallel/_offload_context.py +185 -0
  509. mindspore/parallel/_parallel_serialization.py +99 -7
  510. mindspore/parallel/_ps_context.py +9 -5
  511. mindspore/parallel/_recovery_context.py +1 -1
  512. mindspore/parallel/_tensor.py +7 -1
  513. mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
  514. mindspore/{nn/transformer → parallel/_transformer}/layers.py +6 -37
  515. mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
  516. mindspore/{nn/transformer → parallel/_transformer}/moe.py +20 -16
  517. mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
  518. mindspore/{nn/transformer → parallel/_transformer}/transformer.py +48 -111
  519. mindspore/parallel/_utils.py +1 -2
  520. mindspore/parallel/algo_parameter_config.py +1 -1
  521. mindspore/parallel/checkpoint_transform.py +37 -34
  522. mindspore/parallel/shard.py +17 -18
  523. mindspore/profiler/common/validator/validate_path.py +2 -2
  524. mindspore/profiler/envprofiling.py +69 -47
  525. mindspore/profiler/parser/ascend_timeline_generator.py +49 -42
  526. mindspore/profiler/parser/base_timeline_generator.py +49 -56
  527. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +98 -78
  528. mindspore/profiler/parser/hwts_log_parser.py +1 -1
  529. mindspore/profiler/parser/integrator.py +15 -14
  530. mindspore/profiler/parser/minddata_analyzer.py +2 -2
  531. mindspore/profiler/parser/msadvisor_analyzer.py +12 -25
  532. mindspore/profiler/parser/msadvisor_parser.py +2 -4
  533. mindspore/profiler/parser/optime_parser.py +17 -18
  534. mindspore/profiler/parser/profiler_info.py +2 -1
  535. mindspore/profiler/profiling.py +218 -186
  536. mindspore/rewrite/__init__.py +3 -1
  537. mindspore/rewrite/api/node.py +1 -114
  538. mindspore/rewrite/api/node_type.py +3 -0
  539. mindspore/rewrite/api/pattern_engine.py +31 -1
  540. mindspore/rewrite/api/scoped_value.py +4 -4
  541. mindspore/rewrite/api/symbol_tree.py +3 -78
  542. mindspore/rewrite/api/tree_node_helper.py +1 -1
  543. mindspore/rewrite/ast_creator_register.py +1 -0
  544. mindspore/rewrite/ast_helpers/__init__.py +2 -2
  545. mindspore/rewrite/ast_helpers/ast_creator.py +1 -2
  546. mindspore/rewrite/ast_helpers/ast_finder.py +65 -0
  547. mindspore/rewrite/ast_helpers/ast_modifier.py +11 -3
  548. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +18 -2
  549. mindspore/rewrite/namespace.py +0 -2
  550. mindspore/rewrite/node.py +157 -11
  551. mindspore/rewrite/parsers/assign_parser.py +231 -53
  552. mindspore/rewrite/parsers/class_def_parser.py +187 -109
  553. mindspore/rewrite/parsers/for_parser.py +24 -14
  554. mindspore/rewrite/parsers/function_def_parser.py +21 -4
  555. mindspore/rewrite/parsers/if_parser.py +6 -2
  556. mindspore/rewrite/sparsify/__init__.py +0 -0
  557. mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
  558. mindspore/rewrite/sparsify/sparsify.py +109 -0
  559. mindspore/rewrite/sparsify/utils.py +173 -0
  560. mindspore/rewrite/symbol_tree.py +256 -133
  561. mindspore/rewrite/symbol_tree_builder.py +38 -1
  562. mindspore/run_check/_check_version.py +69 -63
  563. mindspore/run_check/run_check.py +2 -1
  564. mindspore/tinyxml2.dll +0 -0
  565. mindspore/train/__init__.py +1 -1
  566. mindspore/train/_utils.py +28 -5
  567. mindspore/train/amp.py +273 -102
  568. mindspore/train/callback/_backup_and_restore.py +5 -5
  569. mindspore/train/callback/_callback.py +2 -2
  570. mindspore/train/callback/_checkpoint.py +3 -3
  571. mindspore/train/callback/_early_stop.py +3 -3
  572. mindspore/train/callback/_lambda_callback.py +2 -2
  573. mindspore/train/callback/_landscape.py +29 -31
  574. mindspore/train/callback/_loss_monitor.py +3 -3
  575. mindspore/train/callback/_on_request_exit.py +3 -3
  576. mindspore/train/callback/_reduce_lr_on_plateau.py +4 -4
  577. mindspore/train/callback/_summary_collector.py +23 -16
  578. mindspore/train/callback/_time_monitor.py +3 -3
  579. mindspore/train/checkpoint_pb2.py +68 -8
  580. mindspore/train/data_sink.py +15 -3
  581. mindspore/train/dataset_helper.py +10 -15
  582. mindspore/train/loss_scale_manager.py +8 -11
  583. mindspore/train/metrics/__init__.py +1 -1
  584. mindspore/train/metrics/bleu_score.py +1 -1
  585. mindspore/train/metrics/confusion_matrix.py +1 -1
  586. mindspore/train/metrics/cosine_similarity.py +1 -1
  587. mindspore/train/metrics/dice.py +2 -2
  588. mindspore/train/metrics/fbeta.py +1 -1
  589. mindspore/train/metrics/hausdorff_distance.py +4 -3
  590. mindspore/train/metrics/mean_surface_distance.py +2 -2
  591. mindspore/train/metrics/occlusion_sensitivity.py +1 -1
  592. mindspore/train/metrics/perplexity.py +1 -1
  593. mindspore/train/metrics/precision.py +1 -1
  594. mindspore/train/metrics/recall.py +1 -1
  595. mindspore/train/metrics/roc.py +2 -2
  596. mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
  597. mindspore/train/mind_ir_pb2.py +116 -37
  598. mindspore/train/model.py +45 -28
  599. mindspore/train/serialization.py +295 -188
  600. mindspore/train/summary/_summary_adapter.py +1 -1
  601. mindspore/train/summary/summary_record.py +43 -13
  602. mindspore/train/train_thor/convert_utils.py +2 -2
  603. mindspore/train/train_thor/dataset_helper.py +3 -3
  604. mindspore/turbojpeg.dll +0 -0
  605. mindspore/version.py +1 -1
  606. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +3 -2
  607. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +610 -541
  608. mindspore/compression/__init__.py +0 -19
  609. mindspore/compression/common/constant.py +0 -124
  610. mindspore/compression/export/__init__.py +0 -19
  611. mindspore/compression/export/quant_export.py +0 -515
  612. mindspore/compression/quant/__init__.py +0 -28
  613. mindspore/compression/quant/qat.py +0 -634
  614. mindspore/compression/quant/quant_utils.py +0 -462
  615. mindspore/compression/quant/quantizer.py +0 -68
  616. mindspore/nn/layer/quant.py +0 -1868
  617. mindspore/nn/layer/rnn_utils.py +0 -90
  618. mindspore/nn/probability/dpn/__init__.py +0 -22
  619. mindspore/nn/probability/dpn/vae/__init__.py +0 -25
  620. mindspore/nn/probability/dpn/vae/cvae.py +0 -140
  621. mindspore/nn/probability/dpn/vae/vae.py +0 -124
  622. mindspore/nn/probability/infer/__init__.py +0 -22
  623. mindspore/nn/probability/infer/variational/elbo.py +0 -70
  624. mindspore/nn/probability/infer/variational/svi.py +0 -84
  625. mindspore/nn/probability/toolbox/__init__.py +0 -22
  626. mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
  627. mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -364
  628. mindspore/nn/probability/transforms/__init__.py +0 -22
  629. mindspore/nn/probability/transforms/transform_bnn.py +0 -262
  630. mindspore/nn/probability/zhusuan/__init__.py +0 -18
  631. mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
  632. mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
  633. mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
  634. mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
  635. mindspore/ops/_op_impl/aicpu/parallel_concat.py +0 -42
  636. mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
  637. mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -19
  638. mindspore/ops/bprop_mindir/Cast_bprop.mindir +0 -19
  639. mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -19
  640. mindspore/ops/bprop_mindir/MatMul_bprop.mindir +0 -0
  641. mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -17
  642. mindspore/ops/bprop_mindir/Transpose_bprop.mindir +0 -0
  643. mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -15
  644. mindspore/ops/composite/array_ops.py +0 -241
  645. mindspore/ops/composite/clip_ops.py +0 -134
  646. mindspore/ops/composite/random_ops.py +0 -426
  647. mindspore/ops/composite/vmap_ops.py +0 -38
  648. mindspore/parallel/nn/__init__.py +0 -42
  649. mindspore/parallel/nn/loss.py +0 -22
  650. mindspore/parallel/nn/moe.py +0 -21
  651. mindspore/parallel/nn/op_parallel_config.py +0 -22
  652. mindspore/parallel/nn/transformer.py +0 -31
  653. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
  654. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
  655. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
@@ -28,7 +28,7 @@ def csr_cos(x: CSRTensor) -> CSRTensor:
28
28
  out_i = cos(x_i)
29
29
 
30
30
  .. warning::
31
- If use Float64, there may be a problem of missing precision.
31
+ Currently support data types float16 and float32. If use Float64, there may be a problem of missing precision.
32
32
 
33
33
  Args:
34
34
  x (CSRTensor): Input CSRTensor.
@@ -78,7 +78,7 @@ def coo_cos(x: COOTensor) -> COOTensor:
78
78
  Raises:
79
79
  TypeError: If `x` is not a COOTensor.
80
80
  TypeError: If dtype of `x` is not float16, float32 or float64, complex64,
81
- complex128.
81
+ complex128.
82
82
 
83
83
  Supported Platforms:
84
84
  ``Ascend`` ``GPU`` ``CPU``
@@ -115,7 +115,7 @@ def csr_tan(x: CSRTensor) -> CSRTensor:
115
115
  TypeError: If `x` is not a CSRTensor.
116
116
 
117
117
  Supported Platforms:
118
- ``Ascend`` ``CPU`` ``GPU``
118
+ ``Ascend`` ``GPU`` ``CPU``
119
119
 
120
120
  Examples:
121
121
  >>> indptr = Tensor([0, 1, 2, 2], dtype=mstype.int32)
@@ -150,7 +150,7 @@ def coo_tan(x: COOTensor) -> COOTensor:
150
150
  TypeError: If `x` is not a COOTensor.
151
151
 
152
152
  Supported Platforms:
153
- ``Ascend`` ``CPU`` ``GPU``
153
+ ``Ascend`` ``GPU`` ``CPU``
154
154
 
155
155
  Examples:
156
156
  >>> indices = Tensor([[0, 1], [1, 2]], dtype=mstype.int64)
@@ -175,7 +175,7 @@ def csr_exp(x: CSRTensor) -> CSRTensor:
175
175
  out_i = e^{x_i}
176
176
 
177
177
  Args:
178
- x (CSRTensor): The input CSRTensor, its rank must be in [0, 7] inclusive.
178
+ x (CSRTensor): The input CSRTensor.
179
179
 
180
180
  Returns:
181
181
  CSRTensor, has the same shape and dtype as the `x`.
@@ -203,14 +203,14 @@ def csr_exp(x: CSRTensor) -> CSRTensor:
203
203
 
204
204
  def coo_exp(x: COOTensor) -> COOTensor:
205
205
  """
206
- Returns coo_exponential of a COOTensor element-wise.
206
+ Returns the element-wise exponential of a COOTensor.
207
207
 
208
208
  .. math::
209
209
 
210
210
  out_i = e^{x_i}
211
211
 
212
212
  Args:
213
- x (COOTensor): The input COOTensor, its rank must be in [0, 7] inclusive.
213
+ x (COOTensor): The input COOTensor.
214
214
 
215
215
  Returns:
216
216
  COOTensor, has the same shape and dtype as the `x`.
@@ -323,7 +323,7 @@ def csr_relu(x: CSRTensor) -> CSRTensor:
323
323
  x (CSRTensor): Input CSRTensor.
324
324
 
325
325
  Returns:
326
- CSRTensor of shape :math:`(N, *)`, with the same dtype and shape as the `x`.
326
+ CSRTensor, with the same dtype and shape as the `x`.
327
327
 
328
328
  Raises:
329
329
  TypeError: If dtype of `x` is not a number.
@@ -348,10 +348,10 @@ def csr_relu(x: CSRTensor) -> CSRTensor:
348
348
 
349
349
 
350
350
  def coo_relu(x: COOTensor) -> COOTensor:
351
- """
351
+ r"""
352
352
  Computes ReLU (Rectified Linear Unit activation function) of input coo_tensors element-wise.
353
353
 
354
- It returns max(x, 0) element-wise. Specially, the neurons with the negative output
354
+ It returns :math:`\max(x,\ 0)` element-wise. Specially, the neurons with the negative output
355
355
  will be suppressed and the active neurons will stay the same.
356
356
 
357
357
  .. math::
@@ -363,10 +363,12 @@ def coo_relu(x: COOTensor) -> COOTensor:
363
363
  output one more Mask.
364
364
 
365
365
  Args:
366
- x (COOTensor): Input COOTensor.
366
+ x (COOTensor): Input COOTensor with shape :math:`(N, *)`, where :math:`*`
367
+ means any number of additional dimensions. Its dtype is
368
+ `number <https://www.mindspore.cn/docs/en/r2.0/api_python/mindspore.html#mindspore.dtype>`_.
367
369
 
368
370
  Returns:
369
- COOTensor of shape :math:`(N, *)`, with the same dtype and shape as the `x`.
371
+ COOTensor, has the same shape and dtype as the `x`.
370
372
 
371
373
  Raises:
372
374
  TypeError: If dtype of `x` is not a number.
@@ -398,7 +400,7 @@ def csr_expm1(x: CSRTensor) -> CSRTensor:
398
400
  out_i = e^{x_i} - 1
399
401
 
400
402
  Args:
401
- x (CSRTensor): The input CSRTensor with a dtype of float16 or float32, its rank must be in [0, 7] inclusive.
403
+ x (CSRTensor): The input CSRTensor with a dtype of float16 or float32.
402
404
 
403
405
  Returns:
404
406
  CSRTensor, has the same shape as the `x`.
@@ -434,7 +436,7 @@ def coo_expm1(x: COOTensor) -> COOTensor:
434
436
  out_i = e^{x_i} - 1
435
437
 
436
438
  Args:
437
- x (COOTensor): The input COOTensor with a dtype of float16 or float32, its rank must be in [0, 7] inclusive.
439
+ x (COOTensor): The input COOTensor with a dtype of float16 or float32.
438
440
 
439
441
  Returns:
440
442
  COOTensor, has the same shape as the `x`.
@@ -544,14 +546,15 @@ def csr_asin(x: CSRTensor) -> CSRTensor:
544
546
  out_i = sin^{-1}(x_i)
545
547
 
546
548
  Args:
547
- x (CSRTensor): Input CSRTensor.
549
+ x (CSRTensor): Input CSRTensor. The data types should be one of the following types:
550
+ float16, float32, float64.
548
551
 
549
552
  Returns:
550
553
  CSRTensor, has the same shape and dtype as `x`.
551
554
 
552
555
  Raises:
553
556
  TypeError: If `x` is not a CSRTensor.
554
- TypeError: If dtype of `x` is not float16, float32, float64, complex64, complex128.
557
+ TypeError: If dtype of `x` is not float16, float32, float64.
555
558
 
556
559
  Supported Platforms:
557
560
  ``Ascend`` ``GPU`` ``CPU``
@@ -580,7 +583,9 @@ def coo_asin(x: COOTensor) -> COOTensor:
580
583
  out_i = sin^{-1}(x_i)
581
584
 
582
585
  Args:
583
- x (COOTensor): Input COOTensor.
586
+ x (COOTensor): Input COOTensor. The shape of COOTensor is :math:`(N,*)` ,
587
+ where :math:`*` means,any number of additional dimensions.
588
+ The data type should be one of the following types: float16, float32, float64, complex64, complex128.
584
589
 
585
590
  Returns:
586
591
  COOTensor, has the same shape and dtype as `x`.
@@ -615,7 +620,7 @@ def csr_sqrt(x: CSRTensor) -> CSRTensor:
615
620
  out_{i} = \sqrt{x_{i}}
616
621
 
617
622
  Args:
618
- x (CSRTensor): The input CSRTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
623
+ x (CSRTensor): The input CSRTensor with a dtype of Number.
619
624
 
620
625
  Returns:
621
626
  CSRTensor, has the same shape and dtype as the `x`.
@@ -650,7 +655,7 @@ def coo_sqrt(x: COOTensor) -> COOTensor:
650
655
  out_{i} = \sqrt{x_{i}}
651
656
 
652
657
  Args:
653
- x (COOTensor): The input COOTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
658
+ x (COOTensor): The input COOTensor with a dtype of Number.
654
659
 
655
660
  Returns:
656
661
  COOTensor, has the same shape and dtype as the `x`.
@@ -914,8 +919,7 @@ def csr_floor(x: CSRTensor) -> CSRTensor:
914
919
  out_i = \lfloor x_i \rfloor
915
920
 
916
921
  Args:
917
- x (CSRTensor): The input CSRTensor, its rank must be in [0, 7] inclusive
918
- and data type must be float16, float32 or float64.
922
+ x (CSRTensor): The input CSRTensor, its data type must be float16, float32 or float64.
919
923
 
920
924
  Returns:
921
925
  CSRTensor, has the same shape as `x`.
@@ -951,8 +955,7 @@ def coo_floor(x: COOTensor) -> COOTensor:
951
955
  out_i = \lfloor x_i \rfloor
952
956
 
953
957
  Args:
954
- x (COOTensor): The input COOTensor, its rank must be in [0, 7] inclusive
955
- and data type must be float16, float32 or float64.
958
+ x (COOTensor): The input COOTensor, its data type must be float16, float32 or float64.
956
959
 
957
960
  Returns:
958
961
  COOTensor, has the same shape as `x`.
@@ -1058,7 +1061,7 @@ def csr_square(x: CSRTensor) -> CSRTensor:
1058
1061
  out_{i} = (x_{i})^2
1059
1062
 
1060
1063
  Args:
1061
- x (CSRTensor): The input CSRTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
1064
+ x (CSRTensor): The input CSRTensor with a dtype of Number.
1062
1065
 
1063
1066
  Returns:
1064
1067
  CSRTensor, has the same shape and dtype as the `x`.
@@ -1093,7 +1096,7 @@ def coo_square(x: COOTensor) -> COOTensor:
1093
1096
  out_{i} = (x_{i})^2
1094
1097
 
1095
1098
  Args:
1096
- x (COOTensor): The input COOTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
1099
+ x (COOTensor): The input COOTensor with a dtype of Number.
1097
1100
 
1098
1101
  Returns:
1099
1102
  COOTensor, has the same shape and dtype as the `x`.
@@ -1202,7 +1205,7 @@ def csr_sinh(x: CSRTensor) -> CSRTensor:
1202
1205
  out_i = \sinh(x_i)
1203
1206
 
1204
1207
  Args:
1205
- x (CSRTensor): The input CSRTensor of hyperbolic sine function, its rank must be in [0, 7] inclusive.
1208
+ x (CSRTensor): The input CSRTensor of hyperbolic sine function.
1206
1209
 
1207
1210
  Returns:
1208
1211
  CSRTensor, has the same shape as `x`.
@@ -1237,7 +1240,7 @@ def coo_sinh(x: COOTensor) -> COOTensor:
1237
1240
  out_i = \sinh(x_i)
1238
1241
 
1239
1242
  Args:
1240
- x (COOTensor): The input COOTensor of hyperbolic sine function, its rank must be in [0, 7] inclusive.
1243
+ x (COOTensor): The input COOTensor of hyperbolic sine function.
1241
1244
 
1242
1245
  Returns:
1243
1246
  COOTensor, has the same shape as `x`.
@@ -1271,7 +1274,7 @@ def csr_ceil(x: CSRTensor) -> CSRTensor:
1271
1274
  out_i = \lceil x_i \rceil = \lfloor x_i \rfloor + 1
1272
1275
 
1273
1276
  Args:
1274
- x (CSRTensor): The input CSRTensor with a dtype of float16 or float32, its rank must be in [0, 7] inclusive.
1277
+ x (CSRTensor): The input CSRTensor with a dtype of float16 or float32.
1275
1278
 
1276
1279
  Returns:
1277
1280
  CSRTensor, has the same shape as the `x`.
@@ -1342,8 +1345,8 @@ def csr_cosh(x: CSRTensor) -> CSRTensor:
1342
1345
  out_i = \cosh(x_i)
1343
1346
 
1344
1347
  Args:
1345
- x (CSRTensor): The input CSRTensor of hyperbolic cosine function, its rank must be in [0, 7] inclusive
1346
- and data type must be float16, float32, float64, complex64 or complex128.
1348
+ x (CSRTensor): The input CSRTensor of hyperbolic cosine function, its data type
1349
+ must be float16, float32, float64, complex64 or complex128.
1347
1350
 
1348
1351
  Returns:
1349
1352
  CSRTensor, has the same shape as `x`.
@@ -1380,8 +1383,8 @@ def coo_cosh(x: COOTensor) -> COOTensor:
1380
1383
  out_i = \cosh(x_i)
1381
1384
 
1382
1385
  Args:
1383
- x (COOTensor): The input COOTensor of hyperbolic cosine function, its rank must be in [0, 7] inclusive
1384
- and data type must be float16, float32, float64, complex64 or complex128.
1386
+ x (COOTensor): The input COOTensor of hyperbolic cosine function, its data type
1387
+ must be float16, float32, float64, complex64 or complex128.
1385
1388
 
1386
1389
  Returns:
1387
1390
  COOTensor, has the same shape as `x`.
@@ -1525,7 +1528,8 @@ def coo_log1p(x: COOTensor) -> COOTensor:
1525
1528
  out_i = {log_e}(x_i + 1)
1526
1529
 
1527
1530
  Args:
1528
- x (COOTensor): The input COOTensor. With float16 or float32 data type.
1531
+ x (COOTensor): The input COOTensor, should have dtype of float16 or float32
1532
+ and its value should be greater than -1.
1529
1533
 
1530
1534
  Returns:
1531
1535
  COOTensor, has the same shape as the `x`.
@@ -1552,7 +1556,7 @@ def coo_log1p(x: COOTensor) -> COOTensor:
1552
1556
 
1553
1557
 
1554
1558
  def csr_round(x: CSRTensor) -> CSRTensor:
1555
- r"""
1559
+ """
1556
1560
  Returns half to even of a CSRTensor element-wise.
1557
1561
 
1558
1562
  .. math::
@@ -1592,7 +1596,7 @@ def coo_round(x: COOTensor) -> COOTensor:
1592
1596
 
1593
1597
  .. math::
1594
1598
 
1595
- out_i \\approx x_i
1599
+ out_i \approx x_i
1596
1600
 
1597
1601
  Args:
1598
1602
  x (COOTensor): The input COOTensor.
@@ -1704,7 +1708,7 @@ def csr_asinh(x: CSRTensor) -> CSRTensor:
1704
1708
  out_i = \sinh^{-1}(input_i)
1705
1709
 
1706
1710
  Args:
1707
- x (CSRTensor): The input CSRTensor of inverse hyperbolic sine function, its rank must be in [0, 7] inclusive.
1711
+ x (CSRTensor): The input CSRTensor of inverse hyperbolic sine function.
1708
1712
 
1709
1713
  Returns:
1710
1714
  CSRTensor, has the same shape and type as `x`.
@@ -1739,7 +1743,7 @@ def coo_asinh(x: COOTensor) -> COOTensor:
1739
1743
  out_i = \sinh^{-1}(input_i)
1740
1744
 
1741
1745
  Args:
1742
- x (COOTensor): The input COOTensor of inverse hyperbolic sine function, its rank must be in [0, 7] inclusive.
1746
+ x (COOTensor): The input COOTensor of inverse hyperbolic sine function.
1743
1747
 
1744
1748
  Returns:
1745
1749
  COOTensor, has the same shape and type as `x`.
@@ -1773,7 +1777,7 @@ def csr_neg(x: CSRTensor) -> CSRTensor:
1773
1777
  out_{i} = - x_{i}
1774
1778
 
1775
1779
  Args:
1776
- x (CSRTensor): The input CSRTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
1780
+ x (CSRTensor): The input CSRTensor with a dtype of Number.
1777
1781
 
1778
1782
  Returns:
1779
1783
  CSRTensor, has the same shape and dtype as input.
@@ -1808,7 +1812,7 @@ def coo_neg(x: COOTensor) -> COOTensor:
1808
1812
  out_{i} = - x_{i}
1809
1813
 
1810
1814
  Args:
1811
- x (COOTensor): The input COOTensor with a dtype of Number, its rank must be in [0, 7] inclusive.
1815
+ x (COOTensor): The input COOTensor with a dtype of Number.
1812
1816
 
1813
1817
  Returns:
1814
1818
  COOTensor, has the same shape and dtype as input.
@@ -1841,12 +1845,8 @@ def csr_acosh(x: CSRTensor) -> CSRTensor:
1841
1845
 
1842
1846
  out_i = \cosh^{-1}(input_i)
1843
1847
 
1844
- .. warning::
1845
- Given an input CSRTensor x, the function computes inverse hyperbolic cosine of every element.
1846
- Input range is [1, inf].
1847
-
1848
1848
  Args:
1849
- x (CSRTensor): The input CSRTensor of inverse hyperbolic cosine function, its rank must be in [0, 7] inclusive.
1849
+ x (CSRTensor): The input CSRTensor of inverse hyperbolic cosine function, its element must be in range [1, inf].
1850
1850
 
1851
1851
  Returns:
1852
1852
  CSRTensor, has the same shape and type as `x`.
@@ -1885,7 +1885,7 @@ def coo_acosh(x: COOTensor) -> COOTensor:
1885
1885
  Input range is [1, inf].
1886
1886
 
1887
1887
  Args:
1888
- x (COOTensor): The input COOTensor of inverse hyperbolic cosine function, its rank must be in [0, 7] inclusive.
1888
+ x (COOTensor): The input COOTensor of inverse hyperbolic cosine function.
1889
1889
 
1890
1890
  Returns:
1891
1891
  COOTensor, has the same shape and type as `x`.
@@ -1933,7 +1933,7 @@ def csr_isinf(x: CSRTensor) -> CSRTensor:
1933
1933
  TypeError: If `x` is not a CSRTensor.
1934
1934
 
1935
1935
  Supported Platforms:
1936
- ``CPU`` ``GPU``
1936
+ ``GPU`` ``CPU``
1937
1937
 
1938
1938
  Examples:
1939
1939
  >>> indptr = Tensor([0, 1, 2, 2], dtype=mstype.int32)
@@ -1961,7 +1961,7 @@ def coo_isinf(x: COOTensor) -> COOTensor:
1961
1961
  & \text{ if } x_{i} \ne \text{Inf},\ \ False
1962
1962
  \end{cases}
1963
1963
 
1964
- where :math:`Inf` means not a number.
1964
+ where :math:`Inf` means infinitity or negative infinitity.
1965
1965
 
1966
1966
  Args:
1967
1967
  x (COOTensor): The input COOTensor.
@@ -1973,7 +1973,7 @@ def coo_isinf(x: COOTensor) -> COOTensor:
1973
1973
  TypeError: If `x` is not a COOTensor.
1974
1974
 
1975
1975
  Supported Platforms:
1976
- ``CPU`` ``GPU``
1976
+ ``GPU`` ``CPU``
1977
1977
 
1978
1978
  Examples:
1979
1979
  >>> indices = Tensor([[0, 1], [1, 2]], dtype=mstype.int64)
@@ -1998,10 +1998,11 @@ def csr_atanh(x: CSRTensor) -> CSRTensor:
1998
1998
  out_i = \tanh^{-1}(x_{i})
1999
1999
 
2000
2000
  .. warning::
2001
- This is an experimental prototype that is subject to change and/or deletion.
2001
+ This is an experimental API that is subject to change or deletion.
2002
2002
 
2003
2003
  Args:
2004
- x (CSRTensor): Input CSRTensor.
2004
+ x (CSRTensor): Input CSRTensor. The shape is :math:`(N, *)` where :math:`*` means,
2005
+ any number of additional dimensions.
2005
2006
  The data type should be one of the following types: float16, float32.
2006
2007
 
2007
2008
  Returns:
@@ -2035,10 +2036,10 @@ def coo_atanh(x: COOTensor) -> COOTensor:
2035
2036
 
2036
2037
  .. math::
2037
2038
 
2038
- out_i = \tanh^{-1}(x_{i})
2039
+ out_i = tanh^{-1}(x_{i})
2039
2040
 
2040
2041
  .. warning::
2041
- This is an experimental prototype that is subject to change and/or deletion.
2042
+ This is an experimental API that is subject to change or deletion.
2042
2043
 
2043
2044
  Args:
2044
2045
  x (COOTensor): Input COOTensor.
@@ -2270,7 +2271,7 @@ def coo_sin(x: COOTensor) -> COOTensor:
2270
2271
  Raises:
2271
2272
  TypeError: If `x` is not a COOTensor.
2272
2273
  TypeError: If dtype of `x` is not float16, float32 or float64, complex64,
2273
- complex128.
2274
+ complex128.
2274
2275
 
2275
2276
  Supported Platforms:
2276
2277
  ``Ascend`` ``GPU`` ``CPU``
@@ -22,29 +22,30 @@ from .._primitive_cache import _get_cache_prim
22
22
 
23
23
  def blackman_window(window_length, periodic=True, *, dtype=None):
24
24
  r"""
25
- Blackman window function.
25
+ Blackman window function, usually used to extract finite signal segment for FFT.
26
26
 
27
- The input `window_length` is a tensor with datatype int,
28
- it determines the returned window size. In particular, if `window_length` is equal to `1`,
29
- the returned window contains a single value `1`.
30
- Attr `periodic` determines whether the returned window trims off the last duplicate value
31
- from the symmetric window and is ready to be used as a periodic window with functions.
32
- Therefore, if attr `periodic` is true, the :math:`N` in formula is in fact :math:`window\_length + 1`.
27
+ The `window_length` is a input tensor which determines the returned window size, and its data should be
28
+ an integer. In particular, if `window_length` is equal to `1`, only a single value `1` exists in the
29
+ returned window.
30
+
31
+ Attr `periodic` determines whether the returned window removes the last duplicate value
32
+ from the symmetric window and prepares to be a periodic window with functions.
33
+ Therefore, if attr `periodic` is true, the :math:`N` in formula is :math:`window\_length + 1`.
33
34
 
34
35
  .. math::
35
36
 
36
37
  w[n] = 0.42 - 0.5 cos(\frac{2\pi n}{N - 1}) + 0.08 cos(\frac{4\pi n}{N - 1})
37
38
 
38
- where N is the full window size, and n is natural number less than N:[0, 1, ..., N-1].
39
+ where :math:`N` is the full window size, and n is natural number less than :math:`N` :[0, 1, ..., N-1].
39
40
 
40
41
  Args:
41
- window_length (Tensor): the size of returned window, with data type int32, int64.
42
+ window_length (Tensor): The size of returned window, with data type int32, int64.
42
43
  The input data should be an integer with a value of [0, 1000000].
43
- periodic (bool, optional): If True, returns a window to be used as periodic function.
44
- If False, return a symmetric window. Default: True.
44
+ periodic (bool, optional): Indicates whether to returns a window to be used as periodic function or
45
+ a symmetric window. Default: True.
45
46
 
46
47
  Keyword Args:
47
- dtype (mindspore.dtype, optional): the desired data type of returned tensor.
48
+ dtype (mindspore.dtype, optional): The data type of returned tensor.
48
49
  Only float16, float32 and float64 is allowed. Default: None.
49
50
 
50
51
  Returns:
@@ -60,7 +61,7 @@ def blackman_window(window_length, periodic=True, *, dtype=None):
60
61
  ValueError: If the dimension of `window_length` is not 0.
61
62
 
62
63
  Supported Platforms:
63
- ``GPU`` ``CPU``
64
+ ``Ascend`` ``GPU`` ``CPU``
64
65
 
65
66
  Examples:
66
67
  >>> window_length = Tensor(10, mindspore.int32)
@@ -79,14 +80,16 @@ def blackman_window(window_length, periodic=True, *, dtype=None):
79
80
 
80
81
  def bartlett_window(window_length, periodic=True, *, dtype=None):
81
82
  r"""
82
- Bartlett window function.
83
+ Bartlett window function is a triangular-shaped weighting function used for smoothing or frequency analysis of
84
+ signals in digital signal processing.
83
85
 
84
- The input `window_length` is a tensor that datatype must be a integer, which controlling the returned window size.
85
- In particular, if `window_length` = 1, the returned window contains a single value 1.
86
+ The `window_length` is a input tensor which determines the returned window size, and its data should be
87
+ an integer. In particular, if `window_length` is equal to `1`, only a single value 1 exists in the
88
+ returned window.
86
89
 
87
- Attr `periodic` determines whether the returned window trims off the last duplicate value from the symmetric
88
- window and is ready to be used as a periodic window with functions. Therefore, if attr `periodic` is true,
89
- the "N" in formula is in fact `window_length` + 1.
90
+ Attr `periodic` determines whether the returned window removes the last duplicate value from the symmetric
91
+ window and prepares to be a periodic window with functions. Therefore, if attr `periodic` is true,
92
+ the :math:`N` in formula is :math:`window\_length + 1`.
90
93
 
91
94
  .. math::
92
95
 
@@ -95,16 +98,16 @@ def bartlett_window(window_length, periodic=True, *, dtype=None):
95
98
  2 - \frac{2n}{N - 1} & \text{if } \frac{N - 1}{2} < n < N \\
96
99
  \end{cases},
97
100
 
98
- \text{where : N is the full window size.}
101
+ where N is the full window size.
99
102
 
100
103
  Args:
101
104
  window_length (Tensor): The size of returned window, with data type int32, int64.
102
105
  The input data should be an integer with a value of [0, 1000000].
103
- periodic (bool, optional): If True, returns a window to be used as periodic function.
104
- If False, return a symmetric window. Default: True.
106
+ periodic (bool, optional): Indicates whether to returns a window to be used as periodic function or
107
+ a symmetric window. Default: True.
105
108
 
106
109
  Keyword Args:
107
- dtype (mindspore.dtype, optional): The desired datatype of returned tensor.
110
+ dtype (mindspore.dtype, optional): The datatype of returned tensor.
108
111
  Only float16, float32 and float64 are allowed. Default: None.
109
112
 
110
113
  Returns:
@@ -120,7 +123,7 @@ def bartlett_window(window_length, periodic=True, *, dtype=None):
120
123
  ValueError: If the dimension of `window_length` is not 0.
121
124
 
122
125
  Supported Platforms:
123
- ``GPU`` ``CPU``
126
+ ``Ascend`` ``GPU`` ``CPU``
124
127
 
125
128
  Examples:
126
129
  >>> window_length = Tensor(5, mstype.int32)
@@ -14,6 +14,7 @@
14
14
  # ============================================================================
15
15
  """Defines vmap function."""
16
16
  from mindspore.ops.composite import _Vmap
17
+ from mindspore._c_expression import VmapGeneralPreprocess_, VmapGeneralRulePyAdapter_
17
18
 
18
19
  __all__ = ['vmap']
19
20
  vmap_instance = _Vmap()
@@ -25,12 +26,12 @@ def vmap(fn, in_axes=0, out_axes=0):
25
26
 
26
27
  Vmap is pioneered by Jax and it removes the restriction of batch dimension on the operator, and provides a
27
28
  more convenient and unified operator expression. Moreover, it allows users to composite with other functional
28
- modules such as :func:`mindspore.ops.grad`, to improve the development efficiency. In addition, the vectorizing
29
+ modules such as :func:`mindspore.grad`, to improve the development efficiency. In addition, the vectorizing
29
30
  map does not execute loops outside the function, but sinks loops into the primitive operations of the function
30
31
  for better performance. When combined with `Graph Kernel Fusion`, operational efficiency would be further improved.
31
32
 
32
33
  .. warning::
33
- This is an experimental prototype that is subject to change and/or delete.
34
+ This is an experimental API that is subject to change or deletion.
34
35
 
35
36
  Note:
36
37
  1. The power of vmap comes from the implementation of VmapRules of primitives. Although we have designed a
@@ -92,3 +93,22 @@ def vmap(fn, in_axes=0, out_axes=0):
92
93
  [ 8 9 10]]
93
94
  """
94
95
  return vmap_instance(fn, in_axes, out_axes)
96
+
97
+
98
+ class _VmapGeneralPreprocess(VmapGeneralPreprocess_):
99
+ """
100
+ General preprocessing of VmapRules. If the source axes of all inputs are `None`,
101
+ means that vectorization is not performed, taking out the original input and call
102
+ the primitive directly.
103
+ """
104
+ def __init__(self):
105
+ VmapGeneralPreprocess_.__init__(self, "VmapGeneralPreprocess")
106
+
107
+
108
+ class _VmapGeneralRule(VmapGeneralRulePyAdapter_):
109
+ """
110
+ General rule python adapter is a adapter for general rule in c++. Some operators can
111
+ implement loop-stack method in their vmaprule by calling this adapter.
112
+ """
113
+ def __init__(self, prim, axis_size):
114
+ VmapGeneralRulePyAdapter_.__init__(self, 'vmapgeneralrule', prim, axis_size)