mindspore 2.1.0__cp38-none-any.whl → 2.2.0__cp38-none-any.whl

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

Potentially problematic release.


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

Files changed (539) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -1
  3. mindspore/_akg/akg/build_module.py +5 -6
  4. mindspore/_akg/akg/composite/build_module.py +49 -16
  5. mindspore/_akg/akg/composite/split_stitch.py +10 -11
  6. mindspore/_akg/akg/ms/info_version_adapt.py +67 -1
  7. mindspore/_akg/akg/tvm/api.py +4 -3
  8. mindspore/_akg/akg/tvm/autotvm/__init__.py +1 -2
  9. mindspore/_akg/akg/tvm/autotvm/graph_tuner/base_graph_tuner.py +1 -5
  10. mindspore/_akg/akg/tvm/autotvm/measure/__init__.py +1 -1
  11. mindspore/_akg/akg/tvm/autotvm/measure/measure.py +1 -10
  12. mindspore/_akg/akg/tvm/autotvm/measure/measure_methods.py +1 -372
  13. mindspore/_akg/akg/tvm/build_module.py +16 -1
  14. mindspore/_akg/akg/tvm/contrib/graph_runtime.py +0 -53
  15. mindspore/_akg/akg/tvm/hybrid/parser.py +7 -6
  16. mindspore/_akg/akg/tvm/ir_builder.py +1 -1
  17. mindspore/_akg/akg/tvm/module.py +1 -2
  18. mindspore/_akg/akg/tvm/stmt.py +2 -2
  19. mindspore/_akg/akg/utils/composite_op_helper.py +9 -10
  20. mindspore/_akg/akg/utils/kernel_exec.py +58 -260
  21. mindspore/_akg/akg/utils/result_analysis.py +4 -24
  22. mindspore/_akg/akg/utils/tbe_codegen_utils.py +198 -0
  23. mindspore/_c_dataengine.cpython-38-aarch64-linux-gnu.so +0 -0
  24. mindspore/_c_expression.cpython-38-aarch64-linux-gnu.so +0 -0
  25. mindspore/_c_mindrecord.cpython-38-aarch64-linux-gnu.so +0 -0
  26. mindspore/_check_jit_forbidden_api.py +3 -1
  27. mindspore/_checkparam.py +26 -32
  28. mindspore/_extends/graph_kernel/__init__.py +0 -1
  29. mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
  30. mindspore/_extends/graph_kernel/splitter.py +1 -9
  31. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +122 -15
  32. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +2 -2
  33. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
  34. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +2 -2
  35. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +4 -4
  36. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
  37. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
  38. mindspore/_extends/parse/__init__.py +12 -15
  39. mindspore/_extends/parse/namespace.py +7 -33
  40. mindspore/_extends/parse/parser.py +61 -71
  41. mindspore/_extends/parse/resources.py +1 -1
  42. mindspore/_extends/parse/standard_method.py +72 -95
  43. mindspore/_extends/parse/trope.py +1 -1
  44. mindspore/_extends/remote/kernel_build_server.py +24 -7
  45. mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
  46. mindspore/_install_custom.py +43 -0
  47. mindspore/_mindspore_offline_debug.cpython-38-aarch64-linux-gnu.so +0 -0
  48. mindspore/amp.py +47 -11
  49. mindspore/bin/cache_admin +0 -0
  50. mindspore/bin/cache_server +0 -0
  51. mindspore/boost/boost.py +1 -8
  52. mindspore/boost/boost_cell_wrapper.py +3 -2
  53. mindspore/boost/grad_accumulation.py +1 -1
  54. mindspore/boost/group_loss_scale_manager.py +8 -7
  55. mindspore/common/__init__.py +5 -3
  56. mindspore/common/_jit_fallback_utils.py +6 -0
  57. mindspore/common/_register_for_adapter.py +2 -0
  58. mindspore/common/_register_for_tensor.py +2 -2
  59. mindspore/common/_stub_tensor.py +13 -0
  60. mindspore/common/_utils.py +13 -0
  61. mindspore/common/api.py +173 -258
  62. mindspore/common/auto_dynamic_shape.py +498 -0
  63. mindspore/common/dtype.py +18 -11
  64. mindspore/common/dump.py +6 -4
  65. mindspore/common/initializer.py +14 -14
  66. mindspore/common/jit_config.py +33 -15
  67. mindspore/common/lazy_inline.py +126 -7
  68. mindspore/common/mindir_util.py +101 -0
  69. mindspore/common/parameter.py +51 -41
  70. mindspore/common/seed.py +4 -4
  71. mindspore/common/sparse_tensor.py +13 -14
  72. mindspore/common/tensor.py +240 -145
  73. mindspore/communication/__init__.py +7 -4
  74. mindspore/communication/_comm_helper.py +83 -4
  75. mindspore/communication/management.py +152 -84
  76. mindspore/config/op_info.config +13 -2
  77. mindspore/config/super_bar_config.json +4 -2
  78. mindspore/context.py +143 -59
  79. mindspore/dataset/__init__.py +5 -5
  80. mindspore/dataset/audio/__init__.py +2 -2
  81. mindspore/dataset/audio/transforms.py +52 -52
  82. mindspore/dataset/callback/ds_callback.py +16 -2
  83. mindspore/dataset/core/config.py +68 -51
  84. mindspore/dataset/engine/cache_client.py +28 -5
  85. mindspore/dataset/engine/datasets.py +250 -112
  86. mindspore/dataset/engine/datasets_audio.py +43 -211
  87. mindspore/dataset/engine/datasets_standard_format.py +11 -35
  88. mindspore/dataset/engine/datasets_text.py +43 -67
  89. mindspore/dataset/engine/datasets_user_defined.py +86 -100
  90. mindspore/dataset/engine/datasets_vision.py +219 -1029
  91. mindspore/dataset/engine/iterators.py +11 -4
  92. mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +4 -0
  93. mindspore/dataset/engine/obs/util.py +3 -0
  94. mindspore/dataset/engine/samplers.py +1 -1
  95. mindspore/dataset/engine/validators.py +19 -5
  96. mindspore/dataset/text/__init__.py +3 -3
  97. mindspore/dataset/text/transforms.py +101 -127
  98. mindspore/dataset/text/utils.py +205 -138
  99. mindspore/dataset/transforms/__init__.py +1 -1
  100. mindspore/dataset/transforms/py_transforms_util.py +40 -12
  101. mindspore/dataset/transforms/transforms.py +95 -40
  102. mindspore/dataset/utils/browse_dataset.py +8 -2
  103. mindspore/dataset/utils/line_reader.py +17 -19
  104. mindspore/dataset/vision/__init__.py +3 -3
  105. mindspore/dataset/vision/c_transforms.py +6 -3
  106. mindspore/dataset/vision/transforms.py +409 -287
  107. mindspore/dataset/vision/utils.py +13 -14
  108. mindspore/dataset/vision/validators.py +11 -1
  109. mindspore/experimental/map_parameter.py +14 -0
  110. mindspore/{nn/optim_ex → experimental/optim}/__init__.py +30 -29
  111. mindspore/{nn/optim_ex → experimental/optim}/adam.py +59 -66
  112. mindspore/{nn/optim_ex → experimental/optim}/adamw.py +181 -203
  113. mindspore/experimental/optim/lr_scheduler.py +1427 -0
  114. mindspore/{nn/optim_ex → experimental/optim}/optimizer.py +252 -259
  115. mindspore/{nn/optim_ex → experimental/optim}/sgd.py +147 -152
  116. mindspore/gen_ops.py +273 -0
  117. mindspore/include/OWNERS +0 -1
  118. mindspore/include/api/data_type.h +2 -1
  119. mindspore/include/api/graph.h +0 -15
  120. mindspore/include/api/kernel.h +2 -0
  121. mindspore/include/api/kernel_api.h +37 -12
  122. mindspore/include/api/model.h +0 -14
  123. mindspore/include/api/types.h +37 -4
  124. mindspore/include/c_api/ms/abstract.h +67 -0
  125. mindspore/include/c_api/ms/attribute.h +197 -0
  126. mindspore/include/c_api/ms/base/handle_types.h +43 -0
  127. mindspore/include/c_api/ms/base/macros.h +32 -0
  128. mindspore/include/c_api/ms/base/status.h +33 -0
  129. mindspore/include/c_api/ms/base/types.h +282 -0
  130. mindspore/include/c_api/ms/context.h +102 -0
  131. mindspore/include/c_api/ms/graph.h +160 -0
  132. mindspore/include/c_api/ms/node.h +606 -0
  133. mindspore/include/c_api/ms/tensor.h +161 -0
  134. mindspore/include/c_api/ms/value.h +84 -0
  135. mindspore/include/dataset/constants.h +6 -5
  136. mindspore/include/dataset/execute.h +23 -13
  137. mindspore/include/dataset/text.h +26 -26
  138. mindspore/include/dataset/transforms.h +13 -13
  139. mindspore/include/dataset/vision.h +60 -60
  140. mindspore/include/dataset/vision_ascend.h +5 -6
  141. mindspore/include/dataset/vision_lite.h +17 -17
  142. mindspore/include/mindapi/base/type_id.h +1 -0
  143. mindspore/include/mindapi/base/types.h +1 -0
  144. mindspore/lib/libdnnl.so.2 +0 -0
  145. mindspore/lib/libjemalloc.so.2 +0 -0
  146. mindspore/lib/libmindspore.so +0 -0
  147. mindspore/lib/libmindspore_backend.so +0 -0
  148. mindspore/lib/libmindspore_common.so +0 -0
  149. mindspore/lib/libmindspore_core.so +0 -0
  150. mindspore/lib/libmindspore_glog.so.0 +0 -0
  151. mindspore/lib/libmindspore_gpr.so.15 +0 -0
  152. mindspore/lib/libmindspore_grpc++.so.1 +0 -0
  153. mindspore/lib/libmindspore_grpc.so.15 +0 -0
  154. mindspore/lib/libmindspore_shared_lib.so +0 -0
  155. mindspore/lib/libnnacl.so +0 -0
  156. mindspore/lib/libopencv_core.so.4.5 +0 -0
  157. mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
  158. mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
  159. mindspore/lib/libps_cache.so +0 -0
  160. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
  161. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
  162. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +9000 -0
  163. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
  164. mindspore/lib/plugin/ascend/libakg.so +0 -0
  165. mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
  166. mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
  167. mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
  168. mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
  169. mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
  170. mindspore/lib/plugin/cpu/libakg.so +0 -0
  171. mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
  172. mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
  173. mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
  174. mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
  175. mindspore/nn/__init__.py +0 -2
  176. mindspore/nn/cell.py +316 -74
  177. mindspore/nn/dynamic_lr.py +21 -21
  178. mindspore/nn/layer/activation.py +21 -28
  179. mindspore/nn/layer/basic.py +15 -13
  180. mindspore/nn/layer/channel_shuffle.py +1 -1
  181. mindspore/nn/layer/container.py +271 -9
  182. mindspore/nn/layer/conv.py +310 -207
  183. mindspore/nn/layer/dense.py +8 -5
  184. mindspore/nn/layer/embedding.py +33 -27
  185. mindspore/nn/layer/flash_attention.py +82 -41
  186. mindspore/nn/layer/image.py +8 -6
  187. mindspore/nn/layer/math.py +13 -18
  188. mindspore/nn/layer/normalization.py +107 -66
  189. mindspore/nn/layer/padding.py +1 -1
  190. mindspore/nn/layer/pooling.py +131 -109
  191. mindspore/nn/layer/rnn_cells.py +22 -17
  192. mindspore/nn/layer/rnns.py +13 -16
  193. mindspore/nn/layer/thor_layer.py +1 -1
  194. mindspore/nn/layer/transformer.py +221 -154
  195. mindspore/nn/learning_rate_schedule.py +9 -1
  196. mindspore/nn/loss/loss.py +235 -174
  197. mindspore/nn/optim/ada_grad.py +2 -1
  198. mindspore/nn/optim/adadelta.py +1 -0
  199. mindspore/nn/optim/adafactor.py +2 -1
  200. mindspore/nn/optim/adam.py +7 -4
  201. mindspore/nn/optim/adamax.py +3 -2
  202. mindspore/nn/optim/adasum.py +2 -2
  203. mindspore/nn/optim/asgd.py +2 -3
  204. mindspore/nn/optim/ftrl.py +6 -5
  205. mindspore/nn/optim/lamb.py +7 -4
  206. mindspore/nn/optim/lars.py +1 -1
  207. mindspore/nn/optim/lazyadam.py +5 -3
  208. mindspore/nn/optim/momentum.py +2 -1
  209. mindspore/nn/optim/optimizer.py +53 -4
  210. mindspore/nn/optim/proximal_ada_grad.py +3 -4
  211. mindspore/nn/optim/rmsprop.py +4 -3
  212. mindspore/nn/optim/rprop.py +23 -12
  213. mindspore/nn/optim/sgd.py +26 -11
  214. mindspore/nn/optim/thor.py +9 -7
  215. mindspore/nn/probability/bijector/bijector.py +5 -5
  216. mindspore/nn/probability/bijector/power_transform.py +27 -27
  217. mindspore/nn/probability/bijector/softplus.py +3 -3
  218. mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -3
  219. mindspore/nn/probability/distribution/bernoulli.py +5 -5
  220. mindspore/nn/probability/distribution/beta.py +3 -3
  221. mindspore/nn/probability/distribution/categorical.py +7 -7
  222. mindspore/nn/probability/distribution/cauchy.py +0 -1
  223. mindspore/nn/probability/distribution/distribution.py +3 -3
  224. mindspore/nn/probability/distribution/gamma.py +3 -3
  225. mindspore/nn/probability/distribution/geometric.py +4 -4
  226. mindspore/nn/probability/distribution/gumbel.py +4 -4
  227. mindspore/nn/probability/distribution/log_normal.py +2 -2
  228. mindspore/nn/probability/distribution/logistic.py +2 -2
  229. mindspore/nn/probability/distribution/poisson.py +4 -4
  230. mindspore/nn/probability/distribution/transformed_distribution.py +3 -3
  231. mindspore/nn/probability/distribution/uniform.py +6 -6
  232. mindspore/nn/wrap/cell_wrapper.py +78 -34
  233. mindspore/nn/wrap/grad_reducer.py +8 -5
  234. mindspore/nn/wrap/loss_scale.py +105 -42
  235. mindspore/numpy/array_creations.py +1 -2
  236. mindspore/numpy/array_ops.py +3 -2
  237. mindspore/offline_debug/convert_async.py +2 -2
  238. mindspore/ops/_grad_experimental/__init__.py +0 -5
  239. mindspore/ops/_grad_experimental/grad_array_ops.py +1 -2
  240. mindspore/ops/_grad_experimental/grad_comm_ops.py +15 -2
  241. mindspore/ops/_grad_experimental/grad_debug_ops.py +0 -37
  242. mindspore/ops/_grad_experimental/grad_implementations.py +10 -0
  243. mindspore/ops/_grad_experimental/grad_inner_ops.py +2 -216
  244. mindspore/ops/_grad_experimental/grad_math_ops.py +0 -181
  245. mindspore/ops/_grad_experimental/grad_sparse.py +15 -0
  246. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
  247. mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +165 -109
  248. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +144 -86
  249. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +172 -187
  250. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +51 -57
  251. mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +6 -17
  252. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +1 -1
  253. mindspore/ops/_op_impl/aicpu/__init__.py +14 -2
  254. mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
  255. mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
  256. mindspore/ops/_op_impl/aicpu/eps.py +32 -0
  257. mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
  258. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
  259. mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
  260. mindspore/ops/_op_impl/aicpu/multinomial.py +3 -3
  261. mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
  262. mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
  263. mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
  264. mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
  265. mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
  266. mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
  267. mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
  268. mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -5
  269. mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -5
  270. mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
  271. mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
  272. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
  273. mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
  274. mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
  275. mindspore/ops/_op_impl/tbe/__init__.py +4 -4
  276. mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
  277. mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
  278. mindspore/ops/_primitive_cache.py +1 -1
  279. mindspore/ops/_tracefunc.py +45 -13
  280. mindspore/ops/_utils/utils.py +4 -1
  281. mindspore/ops/_vmap/vmap_array_ops.py +3 -3
  282. mindspore/ops/_vmap/vmap_base.py +3 -3
  283. mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
  284. mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
  285. mindspore/ops/_vmap/vmap_math_ops.py +5 -2
  286. mindspore/ops/_vmap/vmap_nn_ops.py +61 -7
  287. mindspore/ops/arg_dtype_cast.py +54 -0
  288. mindspore/ops/composite/base.py +37 -10
  289. mindspore/ops/composite/math_ops.py +5 -4
  290. mindspore/ops/composite/multitype_ops/_compile_utils.py +273 -72
  291. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +16 -9
  292. mindspore/ops/composite/multitype_ops/add_impl.py +43 -4
  293. mindspore/ops/composite/multitype_ops/getitem_impl.py +40 -2
  294. mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
  295. mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
  296. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
  297. mindspore/ops/deprecated.py +304 -0
  298. mindspore/ops/function/__init__.py +4 -1
  299. mindspore/ops/function/array_func.py +167 -189
  300. mindspore/ops/function/clip_func.py +81 -13
  301. mindspore/ops/function/debug_func.py +1 -1
  302. mindspore/ops/function/grad/grad_func.py +18 -8
  303. mindspore/ops/function/image_func.py +10 -4
  304. mindspore/ops/function/linalg_func.py +5 -5
  305. mindspore/ops/function/math_func.py +575 -386
  306. mindspore/ops/function/nn_func.py +470 -251
  307. mindspore/ops/function/random_func.py +86 -56
  308. mindspore/ops/function/sparse_func.py +1 -1
  309. mindspore/ops/function/sparse_unary_func.py +14 -12
  310. mindspore/ops/function/vmap_func.py +6 -5
  311. mindspore/ops/functional.py +15 -10
  312. mindspore/ops/op_info_register.py +235 -19
  313. mindspore/ops/operations/__init__.py +25 -17
  314. mindspore/ops/operations/_grad_ops.py +52 -7
  315. mindspore/ops/operations/_inner_ops.py +213 -12
  316. mindspore/ops/operations/_quant_ops.py +4 -8
  317. mindspore/ops/operations/_sequence_ops.py +42 -0
  318. mindspore/ops/operations/array_ops.py +64 -280
  319. mindspore/ops/operations/comm_ops.py +105 -57
  320. mindspore/ops/operations/custom_ops.py +10 -3
  321. mindspore/ops/operations/debug_ops.py +8 -4
  322. mindspore/ops/operations/image_ops.py +18 -12
  323. mindspore/ops/operations/math_ops.py +185 -138
  324. mindspore/ops/operations/nn_ops.py +716 -492
  325. mindspore/ops/operations/other_ops.py +0 -22
  326. mindspore/ops/operations/random_ops.py +53 -111
  327. mindspore/ops/operations/sparse_ops.py +3 -1
  328. mindspore/ops/primitive.py +24 -18
  329. mindspore/parallel/_auto_parallel_context.py +68 -8
  330. mindspore/parallel/_cost_model_context.py +2 -2
  331. mindspore/parallel/_offload_context.py +17 -3
  332. mindspore/parallel/_parallel_serialization.py +2 -2
  333. mindspore/parallel/_ps_context.py +12 -0
  334. mindspore/parallel/_tensor.py +14 -12
  335. mindspore/parallel/_transformer/layers.py +5 -3
  336. mindspore/parallel/_transformer/loss.py +1 -0
  337. mindspore/parallel/_transformer/moe.py +2 -2
  338. mindspore/parallel/_transformer/op_parallel_config.py +12 -1
  339. mindspore/parallel/_transformer/transformer.py +23 -3
  340. mindspore/parallel/_utils.py +11 -7
  341. mindspore/parallel/algo_parameter_config.py +85 -5
  342. mindspore/parallel/checkpoint_transform.py +6 -10
  343. mindspore/parallel/shard.py +4 -4
  344. mindspore/profiler/common/struct_type.py +3 -3
  345. mindspore/profiler/common/util.py +3 -2
  346. mindspore/profiler/envprofiling.py +1 -1
  347. mindspore/profiler/parser/aicpu_data_parser.py +5 -3
  348. mindspore/profiler/parser/ascend_flops_generator.py +2 -2
  349. mindspore/profiler/parser/ascend_fpbp_generator.py +1 -1
  350. mindspore/profiler/parser/ascend_hccl_generator.py +17 -12
  351. mindspore/profiler/parser/ascend_msprof_exporter.py +104 -252
  352. mindspore/profiler/parser/ascend_msprof_generator.py +8 -8
  353. mindspore/profiler/parser/ascend_op_generator.py +5 -5
  354. mindspore/profiler/parser/ascend_steptrace_generator.py +6 -4
  355. mindspore/profiler/parser/ascend_timeline_generator.py +9 -6
  356. mindspore/profiler/parser/base_timeline_generator.py +9 -7
  357. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +14 -10
  358. mindspore/profiler/parser/flops_parser.py +15 -11
  359. mindspore/profiler/parser/framework_parser.py +37 -21
  360. mindspore/profiler/parser/hccl_parser.py +16 -12
  361. mindspore/profiler/parser/integrator.py +22 -11
  362. mindspore/profiler/parser/memory_usage_parser.py +2 -2
  363. mindspore/profiler/parser/minddata_analyzer.py +12 -14
  364. mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
  365. mindspore/profiler/parser/msadvisor_parser.py +8 -4
  366. mindspore/profiler/parser/op_intermediate_parser.py +5 -2
  367. mindspore/profiler/parser/optime_parser.py +1 -1
  368. mindspore/profiler/parser/profiler_info.py +2 -2
  369. mindspore/profiler/parser/step_trace_parser.py +11 -14
  370. mindspore/profiler/profiling.py +139 -71
  371. mindspore/rewrite/api/node.py +102 -19
  372. mindspore/rewrite/api/node_type.py +5 -1
  373. mindspore/rewrite/api/scoped_value.py +9 -17
  374. mindspore/rewrite/api/symbol_tree.py +131 -47
  375. mindspore/rewrite/ast_helpers/__init__.py +2 -1
  376. mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
  377. mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
  378. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +93 -46
  379. mindspore/rewrite/common/rewrite_elog.py +5 -1
  380. mindspore/rewrite/namer.py +33 -24
  381. mindspore/rewrite/namespace.py +14 -5
  382. mindspore/{_extends/graph_kernel/expanders/complex → rewrite/node}/__init__.py +9 -9
  383. mindspore/rewrite/node/call_function.py +79 -0
  384. mindspore/rewrite/node/cell_container.py +135 -0
  385. mindspore/rewrite/node/control_flow.py +88 -0
  386. mindspore/rewrite/{node.py → node/node.py} +273 -234
  387. mindspore/rewrite/node/node_manager.py +254 -0
  388. mindspore/rewrite/{topological_manager.py → node/node_topological_manager.py} +13 -46
  389. mindspore/rewrite/parsers/arguments_parser.py +22 -21
  390. mindspore/rewrite/parsers/assign_parser.py +216 -221
  391. mindspore/rewrite/parsers/attribute_parser.py +9 -7
  392. mindspore/rewrite/parsers/class_def_parser.py +174 -113
  393. mindspore/rewrite/parsers/constant_parser.py +9 -6
  394. mindspore/rewrite/parsers/container_parser.py +9 -7
  395. mindspore/rewrite/parsers/for_parser.py +36 -15
  396. mindspore/rewrite/parsers/function_def_parser.py +24 -16
  397. mindspore/rewrite/parsers/if_parser.py +28 -24
  398. mindspore/rewrite/parsers/module_parser.py +196 -25
  399. mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
  400. mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
  401. mindspore/rewrite/parsers/return_parser.py +6 -6
  402. mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
  403. mindspore/rewrite/sparsify/utils.py +1 -1
  404. mindspore/rewrite/symbol_tree.py +525 -577
  405. mindspore/rewrite/symbol_tree_builder.py +9 -193
  406. mindspore/rewrite/symbol_tree_dumper.py +2 -2
  407. mindspore/run_check/_check_version.py +2 -2
  408. mindspore/{ops/bprop_mindir → safeguard}/__init__.py +4 -3
  409. mindspore/safeguard/rewrite_obfuscation.py +517 -0
  410. mindspore/scipy/linalg.py +1 -1
  411. mindspore/scipy/optimize/minimize.py +7 -3
  412. mindspore/train/_utils.py +7 -3
  413. mindspore/train/amp.py +323 -123
  414. mindspore/train/anf_ir_pb2.py +14 -2
  415. mindspore/train/callback/_backup_and_restore.py +2 -12
  416. mindspore/train/callback/_callback.py +29 -4
  417. mindspore/train/callback/_checkpoint.py +23 -8
  418. mindspore/train/callback/_early_stop.py +2 -2
  419. mindspore/train/callback/_landscape.py +4 -4
  420. mindspore/train/callback/_loss_monitor.py +2 -2
  421. mindspore/train/callback/_on_request_exit.py +2 -2
  422. mindspore/train/callback/_reduce_lr_on_plateau.py +3 -4
  423. mindspore/train/callback/_summary_collector.py +14 -7
  424. mindspore/train/callback/_time_monitor.py +58 -5
  425. mindspore/train/data_sink.py +5 -11
  426. mindspore/train/dataset_helper.py +83 -57
  427. mindspore/train/loss_scale_manager.py +2 -2
  428. mindspore/train/metrics/__init__.py +3 -3
  429. mindspore/train/metrics/cosine_similarity.py +1 -1
  430. mindspore/train/metrics/hausdorff_distance.py +3 -2
  431. mindspore/train/metrics/mean_surface_distance.py +3 -2
  432. mindspore/train/metrics/metric.py +39 -19
  433. mindspore/train/metrics/roc.py +2 -2
  434. mindspore/train/metrics/root_mean_square_surface_distance.py +4 -3
  435. mindspore/train/mind_ir_pb2.py +85 -36
  436. mindspore/train/model.py +185 -45
  437. mindspore/train/serialization.py +390 -150
  438. mindspore/train/summary/_writer_pool.py +3 -2
  439. mindspore/train/summary/summary_record.py +14 -10
  440. mindspore/train/train_thor/convert_utils.py +3 -3
  441. mindspore/train/train_thor/dataset_helper.py +1 -1
  442. mindspore/version.py +1 -1
  443. {mindspore-2.1.0.dist-info → mindspore-2.2.0.dist-info}/METADATA +6 -7
  444. {mindspore-2.1.0.dist-info → mindspore-2.2.0.dist-info}/RECORD +447 -507
  445. {mindspore-2.1.0.dist-info → mindspore-2.2.0.dist-info}/entry_points.txt +0 -1
  446. mindspore/_akg/akg/tvm/contrib/debugger/__init__.py +0 -16
  447. mindspore/_akg/akg/tvm/contrib/debugger/debug_result.py +0 -274
  448. mindspore/_akg/akg/tvm/contrib/debugger/debug_runtime.py +0 -259
  449. mindspore/_akg/akg/tvm/contrib/peak.py +0 -341
  450. mindspore/_akg/akg/tvm/contrib/rpc.py +0 -25
  451. mindspore/_akg/akg/tvm/contrib/xcode.py +0 -257
  452. mindspore/_akg/akg/tvm/exec/__init__.py +0 -17
  453. mindspore/_akg/akg/tvm/exec/autotvm_log_editor.py +0 -60
  454. mindspore/_akg/akg/tvm/exec/measure_peak.py +0 -48
  455. mindspore/_akg/akg/tvm/exec/query_rpc_tracker.py +0 -48
  456. mindspore/_akg/akg/tvm/exec/rpc_proxy.py +0 -98
  457. mindspore/_akg/akg/tvm/exec/rpc_server.py +0 -88
  458. mindspore/_akg/akg/tvm/exec/rpc_tracker.py +0 -62
  459. mindspore/_akg/akg/tvm/rpc/__init__.py +0 -29
  460. mindspore/_akg/akg/tvm/rpc/base.py +0 -182
  461. mindspore/_akg/akg/tvm/rpc/client.py +0 -436
  462. mindspore/_akg/akg/tvm/rpc/proxy.py +0 -595
  463. mindspore/_akg/akg/tvm/rpc/server.py +0 -413
  464. mindspore/_akg/akg/tvm/rpc/tornado_util.py +0 -121
  465. mindspore/_akg/akg/tvm/rpc/tracker.py +0 -431
  466. mindspore/_extends/graph_kernel/expander.py +0 -80
  467. mindspore/_extends/graph_kernel/expanders/__init__.py +0 -54
  468. mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
  469. mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
  470. mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
  471. mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
  472. mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
  473. mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
  474. mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
  475. mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
  476. mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
  477. mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
  478. mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
  479. mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
  480. mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
  481. mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
  482. mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
  483. mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
  484. mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
  485. mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
  486. mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
  487. mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
  488. mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
  489. mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
  490. mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
  491. mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
  492. mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
  493. mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
  494. mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
  495. mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
  496. mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
  497. mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
  498. mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
  499. mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
  500. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
  501. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
  502. mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
  503. mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
  504. mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
  505. mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
  506. mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
  507. mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
  508. mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
  509. mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
  510. mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
  511. mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
  512. mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
  513. mindspore/dataset/datapreprocess/__init__.py +0 -20
  514. mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
  515. mindspore/include/api/net.h +0 -142
  516. mindspore/nn/lr_scheduler.py +0 -262
  517. mindspore/ops/_grad_experimental/grad_image_ops.py +0 -248
  518. mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -181
  519. mindspore/ops/_grad_experimental/grad_other_ops.py +0 -72
  520. mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
  521. mindspore/ops/_grad_experimental/grad_sequence_ops.py +0 -351
  522. mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -0
  523. mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -0
  524. mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -0
  525. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
  526. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  527. mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -0
  528. mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -0
  529. mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
  530. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  531. mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -0
  532. mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -0
  533. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -0
  534. mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -0
  535. mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -0
  536. mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
  537. mindspore/rewrite/node_visitor.py +0 -44
  538. {mindspore-2.1.0.dist-info → mindspore-2.2.0.dist-info}/WHEEL +0 -0
  539. {mindspore-2.1.0.dist-info → mindspore-2.2.0.dist-info}/top_level.txt +0 -0
@@ -25,7 +25,6 @@ from mindspore.ops import signature as sig
25
25
  from mindspore import _checkparam as validator
26
26
  from mindspore.common import dtype as mstype
27
27
  from mindspore.common.tensor import Tensor
28
- from mindspore.common._decorator import deprecated
29
28
  from mindspore.ops._utils import get_broadcast_shape
30
29
  from mindspore.ops.primitive import Primitive, PrimitiveWithInfer, PrimitiveWithCheck, prim_attr_register, _run_op
31
30
  from mindspore._c_expression import Tensor as Tensor_
@@ -92,6 +91,9 @@ class _MathBinaryOp(_BinaryOp):
92
91
  args_type = {"x": x_dtype, "y": y_dtype}
93
92
  complex_types = [mstype.TensorType(mstype.complex64), mstype.TensorType(mstype.complex128)]
94
93
  if x_dtype in complex_types or y_dtype in complex_types:
94
+ if (not isinstance(x_dtype, type(mstype.tensor_type))) or \
95
+ (not isinstance(y_dtype, type(mstype.tensor_type))):
96
+ raise TypeError('Only Tensor type support Complex')
95
97
  type_infer_dict = {
96
98
  (mstype.complex64, mstype.complex64): mstype.TensorType(mstype.complex64),
97
99
  (mstype.complex64, mstype.float32): mstype.TensorType(mstype.complex64),
@@ -195,12 +197,13 @@ class Add(_MathBinaryOp):
195
197
  [True, Tensor(True, bool\_), Tensor(np.array([True]), bool\_)] are all considered bool type.
196
198
  - The two inputs comply with the implicit type conversion rules to make the data types
197
199
  consistent.
200
+ - When input is Tensor, it's dimension should be greater than or equal to 1.
198
201
 
199
202
  Inputs:
200
203
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
201
204
  a bool or a tensor whose data type is
202
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
203
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
205
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
206
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
204
207
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
205
208
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
206
209
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
@@ -437,28 +440,6 @@ class AddV2(Primitive):
437
440
  self.init_prim_io_names(inputs=['x', 'y'], outputs=['output'])
438
441
 
439
442
 
440
- class TensorAdd(_MathBinaryOp):
441
- """
442
- Same as operator Add. TensorAdd will be deprecated in the future.
443
- Please use Add instead.
444
- """
445
-
446
- @deprecated("1.1", "Add", True)
447
- @prim_attr_register
448
- def __init__(self):
449
- """Initialize TensorAdd."""
450
- _MathBinaryOp.__init__(self)
451
-
452
- def infer_value(self, x, y):
453
- if x is not None and y is not None:
454
- x = x.asnumpy()
455
- y = y.asnumpy()
456
- out = x + y
457
- out = np.array(out, x.dtype)
458
- return Tensor(out)
459
- return None
460
-
461
-
462
443
  class AssignAdd(Primitive):
463
444
  """
464
445
  Updates a `Parameter` by adding a value to it.
@@ -1365,7 +1346,8 @@ class CumProd(Primitive):
1365
1346
  reverse (bool): If ``True`` , reverse the result along axis. Default: ``False`` .
1366
1347
 
1367
1348
  Inputs:
1368
- - **x** (Tensor[Number]) - The input tensor.
1349
+ - **x** (Tensor[Number]) - The input Tensor with shape
1350
+ :math:`(N, *)` where :math:`*` means any number of additional dimensions.
1369
1351
  - **axis** (int) - The dimensions to compute the cumulative product.
1370
1352
  Only constant value is allowed.
1371
1353
 
@@ -1767,7 +1749,8 @@ class CumSum(Primitive):
1767
1749
  reverse (bool): If ``True`` , perform inverse cumulative sum. Default: ``False`` .
1768
1750
 
1769
1751
  Inputs:
1770
- - **input** (Tensor) - The input tensor to accumulate.
1752
+ - **input** (Tensor) - The input Tensor with shape
1753
+ :math:`(N, *)` where :math:`*` means any number of additional dimensions.
1771
1754
  - **axis** (int) - The axis to accumulate the tensor's value. Only constant value is allowed.
1772
1755
  Must be in the range [-rank(input), rank(input)).
1773
1756
 
@@ -2013,27 +1996,6 @@ class InplaceUpdateV2(Primitive):
2013
1996
  return output
2014
1997
 
2015
1998
 
2016
- class InplaceUpdate(Primitive):
2017
- r"""
2018
- The InplaceUpdate interface is deprecated. Please use the :class:`mindspore.ops.InplaceUpdateV2` instead.
2019
-
2020
- Supported Platforms:
2021
- Deprecated
2022
- """
2023
-
2024
- @deprecated("2.0", "ops.InplaceUpdateV2", False)
2025
- @prim_attr_register
2026
- def __init__(self, indices):
2027
- """Initialize InplaceUpdate"""
2028
- self.init_prim_io_names(inputs=['x', 'v'], outputs=['y'])
2029
- self.indices = indices
2030
- validator.check_value_type("indices", indices, [int, tuple], self.name)
2031
- if isinstance(indices, int):
2032
- self.indices = (indices,)
2033
- for item in self.indices:
2034
- validator.check_value_type("item of indices", item, [int], self.name)
2035
-
2036
-
2037
1999
  class InplaceAdd(Primitive):
2038
2000
  """
2039
2001
  Adds `v` into specified rows of `x`. Computes `y` = `x`; y[i,] += `v`.
@@ -2206,8 +2168,8 @@ class Sub(_MathBinaryOp):
2206
2168
  Inputs:
2207
2169
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
2208
2170
  a bool or a tensor whose data type is
2209
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
2210
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
2171
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
2172
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
2211
2173
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
2212
2174
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
2213
2175
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
@@ -2258,8 +2220,8 @@ class Mul(_MathBinaryOp):
2258
2220
  Inputs:
2259
2221
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
2260
2222
  a bool or a tensor whose data type is
2261
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
2262
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
2223
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
2224
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
2263
2225
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
2264
2226
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
2265
2227
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
@@ -2549,8 +2511,8 @@ class Pow(Primitive):
2549
2511
  Inputs:
2550
2512
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
2551
2513
  a bool or a tensor whose data type is
2552
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
2553
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
2514
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
2515
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
2554
2516
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
2555
2517
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
2556
2518
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
@@ -2832,7 +2794,6 @@ class Einsum(Primitive):
2832
2794
  seg_equation = equation.split("->")
2833
2795
  if len(seg_equation) > 2:
2834
2796
  raise TypeError("the equation can contain only one arrow !")
2835
- self.add_prim_attr('equation', equation)
2836
2797
  self.init_prim_io_names(inputs=['inputs'], outputs=['output'])
2837
2798
 
2838
2799
 
@@ -3197,8 +3158,10 @@ class Erf(Primitive):
3197
3158
  Refer to :func:`mindspore.ops.erf` for more details.
3198
3159
 
3199
3160
  Inputs:
3200
- - **x** (Tensor) - Input Tensor of Gaussian error function. Its data type
3201
- must be float16 float32 or float64.
3161
+ - **x** (Tensor) - Input Tensor of Gaussian error function. Supported dtypes:
3162
+
3163
+ - Ascend: float16, float32.
3164
+ - GPU/CPU: float16, float32, float64.
3202
3165
 
3203
3166
  Outputs:
3204
3167
  Tensor, has the same shape and dtype as the `x`.
@@ -3230,7 +3193,10 @@ class Erfc(Primitive):
3230
3193
  Refer to :func:`mindspore.ops.erfc` for more details.
3231
3194
 
3232
3195
  Inputs:
3233
- - **x** (Tensor) - The input tensor with a dtype of float16, float32 or float64.
3196
+ - **x** (Tensor) - The input tensor. Supported dtypes:
3197
+
3198
+ - Ascend: float16, float32.
3199
+ - GPU/CPU: float16, float32, float64.
3234
3200
 
3235
3201
  Outputs:
3236
3202
  Tensor, has the same shape and dtype as `x`.
@@ -3400,8 +3366,8 @@ class Div(_MathBinaryOp):
3400
3366
  Inputs:
3401
3367
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
3402
3368
  a bool or a tensor whose data type is
3403
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
3404
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
3369
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
3370
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
3405
3371
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
3406
3372
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool.
3407
3373
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool.
@@ -3491,8 +3457,8 @@ class DivNoNan(Primitive):
3491
3457
  Inputs:
3492
3458
  - **x1** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
3493
3459
  a bool or a tensor whose data type is
3494
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
3495
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
3460
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
3461
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
3496
3462
  - **x2** (Union[Tensor, number.Number, bool]) - The second input is a number.Number or
3497
3463
  a bool when the first input is a bool or a tensor whose data type is number or bool\_.
3498
3464
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
@@ -3815,8 +3781,10 @@ class Floor(Primitive):
3815
3781
  Refer to :func:`mindspore.ops.floor` for more details.
3816
3782
 
3817
3783
  Inputs:
3818
- - **x** (Tensor) - The input tensor, its data type must be float16,
3819
- float32 or float64.
3784
+ - **x** (Tensor) - The input tensor. Supported dtypes:
3785
+
3786
+ - Ascend: float16, float32.
3787
+ - GPU/CPU: float16, float32, float64.
3820
3788
 
3821
3789
  Outputs:
3822
3790
  Tensor, has the same shape as `x`.
@@ -4020,8 +3988,8 @@ class Xlogy(Primitive):
4020
3988
  Inputs:
4021
3989
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
4022
3990
  a bool or a tensor whose data type is
4023
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
4024
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
3991
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
3992
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
4025
3993
  - **y** (Union[Tensor, number.Number, bool]) - The second input is a number.Number or
4026
3994
  a bool when the first input is a tensor or a tensor whose data type is number or bool\_.
4027
3995
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
@@ -4469,8 +4437,8 @@ class Greater(PrimitiveWithCheck):
4469
4437
  Inputs:
4470
4438
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
4471
4439
  a bool or a tensor whose data type is
4472
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
4473
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ .
4440
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
4441
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ .
4474
4442
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
4475
4443
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
4476
4444
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
@@ -4685,8 +4653,8 @@ class LessEqual(PrimitiveWithCheck):
4685
4653
  Inputs:
4686
4654
  - **x** (Union[Tensor, number.Number, bool]) - The first input is a number.Number or
4687
4655
  a bool or a tensor whose data type is
4688
- `number <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_ or
4689
- `bool_ <https://www.mindspore.cn/docs/en/r2.1/api_python/mindspore.html#mindspore.dtype>`_.
4656
+ `number <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_ or
4657
+ `bool_ <https://www.mindspore.cn/docs/en/r2.2/api_python/mindspore.html#mindspore.dtype>`_.
4690
4658
  - **y** (Union[Tensor, number.Number, bool]) - The second input, when the first input is a Tensor,
4691
4659
  the second input should be a number.Number or bool value, or a Tensor whose data type is number or bool\_.
4692
4660
  When the first input is Scalar, the second input must be a Tensor whose data type is number or bool\_.
@@ -5405,7 +5373,8 @@ class ACos(Primitive):
5405
5373
  Refer to :func:`mindspore.ops.acos` for more details.
5406
5374
 
5407
5375
  Inputs:
5408
- - **x** (Tensor) - The input Tensor.
5376
+ - **x** (Tensor) - The shape of tensor is
5377
+ :math:`(N,*)` where :math:`*` means, any number of additional dimensions.
5409
5378
 
5410
5379
  Outputs:
5411
5380
  Tensor, has the same shape and dtype as `x`.
@@ -5422,10 +5391,6 @@ class ACos(Primitive):
5422
5391
  >>> output = acos(x)
5423
5392
  >>> print(output)
5424
5393
  [0.737726 1.5307857 1.2661036 0.9764105]
5425
- >>> x = Tensor(0.5)
5426
- >>> output = acos(x)
5427
- >>> print(output)
5428
- 1.0471978
5429
5394
  """
5430
5395
 
5431
5396
  @prim_attr_register
@@ -5469,7 +5434,8 @@ class Asin(Primitive):
5469
5434
  Complex64 and complex128 are not supported on Ascend currently.
5470
5435
 
5471
5436
  Inputs:
5472
- - **x** (Tensor) - The input Tensor.
5437
+ - **x** (Tensor) - The shape of tensor is
5438
+ :math:`(N,*)` where :math:`*` means, any number of additional dimensions.
5473
5439
 
5474
5440
  Outputs:
5475
5441
  Tensor, has the same shape and dtype as `x`.
@@ -5486,10 +5452,6 @@ class Asin(Primitive):
5486
5452
  >>> output = asin(x)
5487
5453
  >>> print(output)
5488
5454
  [0.8330704 0.04001067 0.30469266 0.5943858 ]
5489
- >>> x = Tensor(0.12)
5490
- >>> output = asin(x)
5491
- >>> print(output)
5492
- 0.12028988
5493
5455
  """
5494
5456
 
5495
5457
  @prim_attr_register
@@ -5565,7 +5527,6 @@ class NMSWithMask(PrimitiveWithInfer):
5565
5527
  """Initialize NMSWithMask"""
5566
5528
  validator.check_value_type("iou_threshold", iou_threshold, [float], self.name)
5567
5529
  self.init_prim_io_names(inputs=['bboxes'], outputs=['selected_boxes', 'selected_idx', 'selected_mask'])
5568
- self.is_ge = context.get_context("enable_ge")
5569
5530
 
5570
5531
  def infer_shape(self, bboxes_shape):
5571
5532
  cls_name = self.name
@@ -5728,7 +5689,7 @@ class Atan(Primitive):
5728
5689
  - **x** (Tensor): The input Tensor. Supported dtypes:
5729
5690
 
5730
5691
  - Ascend: float16, float32.
5731
- - GPU/CPU: float16, float32, float64, complex64, complex128.
5692
+ - GPU/CPU: float16, float32, float64.
5732
5693
 
5733
5694
  Outputs:
5734
5695
  A Tensor, has the same type as the input.
@@ -5792,8 +5753,9 @@ class Atan2(_MathBinaryOp):
5792
5753
  Refer to :func:`mindspore.ops.atan2` for more details.
5793
5754
 
5794
5755
  Inputs:
5795
- - **x** (Tensor, Number.number) - The input tensor or scalar.
5796
- - **y** (Tensor, Number.number) - The input tensor or scalar. It has the same shape with `x` or
5756
+ - **x** (Tensor) - The input tensor with shape
5757
+ :math:`(N,*)` where :math:`*` means, any number of additional dimensions.
5758
+ - **y** (Tensor) - The input tensor. It has the same shape with `x` or
5797
5759
  its shape is able to broadcast with `x`.
5798
5760
 
5799
5761
  Outputs:
@@ -5959,8 +5921,18 @@ class BitwiseXor(_BitwiseBinaryOp):
5959
5921
 
5960
5922
 
5961
5923
  class BesselI0(Primitive):
5962
- """
5963
- Computes BesselI0 of input element-wise.
5924
+ r"""
5925
+ Computes modified Bessel function of the first kind, order 0 element-wise.
5926
+
5927
+ The formula is defined as:
5928
+
5929
+ .. math::
5930
+ \begin{array}{ll} \\
5931
+ I_{0}(x)=J_{0}(\mathrm{i} x)=\sum_{m=0}^{\infty}
5932
+ \frac{x^{2 m}}{2^{2 m} (m !)^{2}}
5933
+ \end{array}
5934
+
5935
+ where :math:`J_{0}` is Bessel function of the first kind, order 0.
5964
5936
 
5965
5937
  .. warning::
5966
5938
  This is an experimental API that is subject to change or deletion.
@@ -5994,8 +5966,18 @@ class BesselI0(Primitive):
5994
5966
 
5995
5967
 
5996
5968
  class BesselI1(Primitive):
5997
- """
5998
- Computes BesselI1 of input element-wise.
5969
+ r"""
5970
+ Computes modified Bessel function of the first kind, order 1 element-wise.
5971
+
5972
+ The formula is defined as:
5973
+
5974
+ .. math::
5975
+ \begin{array}{ll} \\
5976
+ I_{1}(x)=\mathrm{i}^{-1} J_{1}(\mathrm{i} x)=\sum_{m=0}^
5977
+ {\infty} \frac{x^{2m+1}}{2^{2m+1} m ! (m+1) !}
5978
+ \end{array}
5979
+
5980
+ where :math:`J_{1}` is Bessel function of the first kind, order 1.
5999
5981
 
6000
5982
  .. warning::
6001
5983
  This is an experimental API that is subject to change or deletion.
@@ -6030,14 +6012,17 @@ class BesselI1(Primitive):
6030
6012
 
6031
6013
  class BesselI0e(Primitive):
6032
6014
  r"""
6033
- Computes BesselI0e of input element-wise.
6015
+ Computes exponential scaled modified Bessel function of the first kind, order 0 element-wise.
6034
6016
 
6035
6017
  The formula is defined as:
6036
6018
 
6037
6019
  .. math::
6038
- BesselI0e(x) = \exp(|x|) * bessel\_i0(x)
6020
+ \begin{array}{ll} \\
6021
+ \text I_{0}e(x)=e^{(-|x|)} * I_{0}(x)=e^{(-|x|)} * \sum_{m=0}^
6022
+ {\infty} \frac{x^{2 m}}{2^{2 m} (m !)^{2}}
6023
+ \end{array}
6039
6024
 
6040
- where bessel_i0 is Bessel function of the first kind with 0 order.
6025
+ where :math:`I_{0}` is modified Bessel function of the first kind, order 0.
6041
6026
 
6042
6027
  Inputs:
6043
6028
  - **x** (Tensor) - The input tensor.
@@ -6072,14 +6057,17 @@ class BesselI0e(Primitive):
6072
6057
 
6073
6058
  class BesselI1e(Primitive):
6074
6059
  r"""
6075
- Computes BesselI1e of input element-wise.
6060
+ Computes exponential scaled modified Bessel function of the first kind, order 1 element-wise.
6076
6061
 
6077
6062
  The formula is defined as:
6078
6063
 
6079
6064
  .. math::
6080
- BesselI1e(x) = \exp(|x|) * bessel\_i1(x)
6065
+ \begin{array}{ll} \\
6066
+ \text I_{1}e(x)=e^{(-|x|)} * I_{1}(x)=e^{(-|x|)} * \sum_{m=0}^
6067
+ {\infty} \frac{x^{2m+1}}{2^{2m+1} m ! (m+1) !}
6068
+ \end{array}
6081
6069
 
6082
- where bessel_i1 is Bessel function of the first kind with 1 order.
6070
+ where :math:`I_{1}` is modified Bessel function of the first kind, order 1.
6083
6071
 
6084
6072
  Inputs:
6085
6073
  - **x** (Tensor) - The input tensor.
@@ -6114,7 +6102,17 @@ class BesselI1e(Primitive):
6114
6102
 
6115
6103
  class BesselK0(Primitive):
6116
6104
  r"""
6117
- Computes BesselK0 of input element-wise.
6105
+ Computes modified Bessel function of the second kind, order 0 element-wise.
6106
+
6107
+ The formula is defined as:
6108
+
6109
+ .. math::
6110
+ \begin{array}{ll} \\
6111
+ K_{0}(x)= \lim_{\nu \to 0} \left(\frac{\pi}{2}\right) \frac
6112
+ {I_{-\nu}(x)-I_{\nu}(x)}{\sin (\nu \pi)} = \int_{0}^{\infty} e^{-x \cosh t} d t
6113
+ \end{array}
6114
+
6115
+ where :math:`I_{0}` is modified Bessel function of the first kind, order 0.
6118
6116
 
6119
6117
  .. warning::
6120
6118
  This is an experimental API that is subject to change or deletion.
@@ -6150,7 +6148,17 @@ class BesselK0(Primitive):
6150
6148
 
6151
6149
  class BesselK1(Primitive):
6152
6150
  r"""
6153
- Computes BesselK1 of input element-wise.
6151
+ Computes modified Bessel function of the second kind, order 1 element-wise.
6152
+
6153
+ The formula is defined as:
6154
+
6155
+ .. math::
6156
+ \begin{array}{ll} \\
6157
+ K_{1}(x)=\lim_{\nu \to 1} \left(\frac{\pi}{2}\right) \frac{I_{-\nu}(x)-
6158
+ I_{\nu}(x)}{\sin (\nu \pi)} = \int_{0}^{\infty} e^{-x \cosh t} \cosh (t) d t
6159
+ \end{array}
6160
+
6161
+ where :math:`I_{1}` is modified Bessel function of the first kind, order 1.
6154
6162
 
6155
6163
  .. warning::
6156
6164
  This is an experimental API that is subject to change or deletion.
@@ -6185,8 +6193,18 @@ class BesselK1(Primitive):
6185
6193
 
6186
6194
 
6187
6195
  class BesselK0e(Primitive):
6188
- """
6189
- Computes BesselK0e of input element-wise.
6196
+ r"""
6197
+ Computes exponential scaled modified Bessel function of the second kind, order 0 element-wise.
6198
+
6199
+ The formula is defined as:
6200
+
6201
+ .. math::
6202
+ \begin{array}{ll} \\
6203
+ K_{0}e(x)= e^{(-|x|)} * K_{0}(x) = e^{(-|x|)} * \int_{0}^
6204
+ {\infty} e^{-x \cosh t} d t
6205
+ \end{array}
6206
+
6207
+ where :math:`K_{0}` is modified Bessel function of the second kind, order 0.
6190
6208
 
6191
6209
  .. warning::
6192
6210
  This is an experimental API that is subject to change or deletion.
@@ -6221,8 +6239,18 @@ class BesselK0e(Primitive):
6221
6239
 
6222
6240
 
6223
6241
  class BesselK1e(Primitive):
6224
- """
6225
- Computes BesselK1e of input element-wise.
6242
+ r"""
6243
+ Computes exponential scaled modified Bessel function of the second kind, order 1 element-wise.
6244
+
6245
+ The formula is defined as:
6246
+
6247
+ .. math::
6248
+ \begin{array}{ll} \\
6249
+ K_{1}e(x)= e^{(-|x|)} * K_{1}(x) = e^{(-|x|)} * \int_{0}
6250
+ ^{\infty} e^{-x \cosh t} \cosh (t) d t
6251
+ \end{array}
6252
+
6253
+ where :math:`K_{1}` is modified Bessel function of the second kind, order 1.
6226
6254
 
6227
6255
  .. warning::
6228
6256
  This is an experimental API that is subject to change or deletion.
@@ -6257,8 +6285,16 @@ class BesselK1e(Primitive):
6257
6285
 
6258
6286
 
6259
6287
  class BesselJ0(Primitive):
6260
- """
6261
- Computes BesselJ0 of input element-wise.
6288
+ r"""
6289
+ Computes Bessel function of the first kind, order 0 element-wise.
6290
+
6291
+ The formula is defined as:
6292
+
6293
+ .. math::
6294
+ \begin{array}{ll} \\
6295
+ J_{0}(x) = \frac{1}{\pi} \int_{0}^{\pi} \cos (x \sin \theta) d \theta
6296
+ =\sum_{m=0}^{\infty} \frac{(-1)^{m} x^{2 m}}{2^{2 m} (m !)^2}
6297
+ \end{array}
6262
6298
 
6263
6299
  .. warning::
6264
6300
  This is an experimental API that is subject to change or deletion.
@@ -6294,8 +6330,16 @@ class BesselJ0(Primitive):
6294
6330
 
6295
6331
 
6296
6332
  class BesselJ1(Primitive):
6297
- """
6298
- Computes BesselJ1 of input element-wise.
6333
+ r"""
6334
+ Computes Bessel function of the first kind, order 1 element-wise.
6335
+
6336
+ The formula is defined as:
6337
+
6338
+ .. math::
6339
+ \begin{array}{ll} \\
6340
+ J_{1}(x) = \frac{1}{\pi} \int_{0}^{\pi} \cos (x \sin \theta- \theta) d \theta
6341
+ =\sum_{m=0}^{\infty} \frac{(-1)^{m} x^{2 m+1}}{2^{2 m+1} m !(m+1) !}
6342
+ \end{array}
6299
6343
 
6300
6344
  .. warning::
6301
6345
  This is an experimental API that is subject to change or deletion.
@@ -6331,8 +6375,17 @@ class BesselJ1(Primitive):
6331
6375
 
6332
6376
 
6333
6377
  class BesselY0(Primitive):
6334
- """
6335
- Computes BesselY0 of input element-wise.
6378
+ r"""
6379
+ Computes Bessel function of the second kind, order 0 element-wise.
6380
+
6381
+ The formula is defined as:
6382
+
6383
+ .. math::
6384
+ \begin{array}{ll} \\
6385
+ Y_{0}(x)=\lim_{n \to 0} \frac{J_{n}(x) \cos n \pi-J_{-n}(x)}{\sin n \pi}
6386
+ \end{array}
6387
+
6388
+ where :math:`J_{0}` is Bessel function of the first kind, order 0.
6336
6389
 
6337
6390
  .. warning::
6338
6391
  This is an experimental API that is subject to change or deletion.
@@ -6368,8 +6421,17 @@ class BesselY0(Primitive):
6368
6421
 
6369
6422
 
6370
6423
  class BesselY1(Primitive):
6371
- """
6372
- Computes BesselY1 of input element-wise.
6424
+ r"""
6425
+ Computes Bessel function of the second kind, order 1 element-wise.
6426
+
6427
+ The formula is defined as:
6428
+
6429
+ .. math::
6430
+ \begin{array}{ll} \\
6431
+ Y_{1}(x)=\lim_{n \to 1} \frac{J_{n}(x) \cos n \pi-J_{-n}(x)}{\sin n \pi}
6432
+ \end{array}
6433
+
6434
+ where :math:`J_{1}` is Bessel function of the first kind, order 1.
6373
6435
 
6374
6436
  .. warning::
6375
6437
  This is an experimental API that is subject to change or deletion.
@@ -6461,13 +6523,15 @@ class Invert(Primitive):
6461
6523
  self.init_prim_io_names(inputs=['x'], outputs=['y'])
6462
6524
 
6463
6525
 
6464
- class Eps(PrimitiveWithInfer):
6526
+ class Eps(Primitive):
6465
6527
  """
6466
6528
  Create a Tensor with the same data type and shape as input, and the element value is the minimum value that the
6467
- corresponding data type can be expressed.
6529
+ corresponding data type can express.
6530
+
6531
+ Refer to :func:`mindspore.ops.eps` for more detail.
6468
6532
 
6469
6533
  Inputs:
6470
- - **x** (Tensor) - Tensor of any dimension used to obtain the minimum value that its data type can be expressed.
6534
+ - **x** (Tensor) - Tensor of any dimension used to obtain the minimum value that its data type can express.
6471
6535
  The data type must be float16, float32 or float64.
6472
6536
 
6473
6537
  Outputs:
@@ -6475,7 +6539,7 @@ class Eps(PrimitiveWithInfer):
6475
6539
 
6476
6540
  Raises:
6477
6541
  TypeError: If `x` is not a Tensor.
6478
- TypeError: If data type of `x` is neither float16 nor float32.
6542
+ TypeError: If data type of `x` is neither float16, float32, nor float64.
6479
6543
 
6480
6544
  Supported Platforms:
6481
6545
  ``Ascend`` ``GPU`` ``CPU``
@@ -6486,33 +6550,13 @@ class Eps(PrimitiveWithInfer):
6486
6550
  >>> x = Tensor([4, 1, 2, 3], mindspore.float32)
6487
6551
  >>> output = ops.Eps()(x)
6488
6552
  >>> print(output)
6489
- [1.5258789e-05 1.5258789e-05 1.5258789e-05 1.5258789e-05]
6553
+ [1.1920929e-07 1.1920929e-07 1.1920929e-07 1.1920929e-07]
6490
6554
  """
6491
6555
 
6492
6556
  @prim_attr_register
6493
6557
  def __init__(self):
6494
6558
  """Initialize Eps"""
6495
- self.init_prim_io_names(inputs=['input_x'], outputs=['y'])
6496
-
6497
- def __infer__(self, input_x):
6498
- valid_dtypes = [mstype.float16, mstype.float32, mstype.float64]
6499
- validator.check_tensor_dtype_valid('input_x', input_x['dtype'], valid_dtypes, self.name)
6500
-
6501
- x_nptype = mstype.dtype_to_nptype(input_x['dtype'].element_type())
6502
- if x_nptype == np.float16:
6503
- min_val = 2 ** (-14)
6504
- elif x_nptype == np.float32:
6505
- min_val = 2 ** (-16)
6506
- else:
6507
- min_val = 2 ** (-52)
6508
-
6509
- res = np.full(input_x['shape'], min_val, x_nptype)
6510
- out = {
6511
- 'value': Tensor(res),
6512
- 'shape': input_x['shape'],
6513
- 'dtype': input_x['dtype'],
6514
- }
6515
- return out
6559
+ self.init_prim_io_names(inputs=['x'], outputs=['y'])
6516
6560
 
6517
6561
 
6518
6562
  class LinSpace(Primitive):
@@ -6838,7 +6882,10 @@ class Erfinv(Primitive):
6838
6882
  Refer to :func:`mindspore.ops.erfinv` for more details.
6839
6883
 
6840
6884
  Inputs:
6841
- - **input_x** (Tensor) - The input tensor to compute with, with data type float16, float32 or float64.
6885
+ - **input_x** (Tensor) - The input tensor. Supported dtypes:
6886
+
6887
+ - Ascend: float16, float32.
6888
+ - GPU/CPU: float16, float32, float64.
6842
6889
 
6843
6890
  Outputs:
6844
6891
  Tensor, has the same shape and dtype as `input_x`.
@@ -8457,11 +8504,11 @@ class FFTWithSize(Primitive):
8457
8504
  satisfied. Default: ``()`` .
8458
8505
 
8459
8506
  - The length of `signal_sizes` is equal to the signal_ndim of the IRFFT:
8460
- :math:`len(signal_sizes)=signal_ndim`.
8507
+ :math:`len(signal\_sizes)=signal\_ndim`.
8461
8508
  - The last dimension of `signal_sizes` divided by 2 is equal to
8462
- the last dimension of the IRFFT input: :math:`signal_size[-1]/2+1=x.shape[-1]`.
8509
+ the last dimension of the IRFFT input: :math:`signal\_size[-1]/2+1=x.shape[-1]`.
8463
8510
  - `signal_sizes` has exactly the same dimensions as the input shape
8464
- except for the last dimension: :math:`signal_sizes[:-1]=x.shape[:-1]`.
8511
+ except for the last dimension: :math:`signal\_sizes[:-1]=x.shape[:-1]`.
8465
8512
 
8466
8513
  Inputs:
8467
8514
  - **x** (Tensor) - The dimension of the input tensor must be greater than or equal to signal_ndim.