mindspore 2.2.11__cp39-cp39-win_amd64.whl → 2.3.0__cp39-cp39-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 (1151) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +7 -5
  3. mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
  4. mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
  5. mindspore/_c_mindrecord.cp39-win_amd64.pyd +0 -0
  6. mindspore/_checkparam.py +76 -18
  7. mindspore/_extends/builtin_operations.py +2 -1
  8. mindspore/_extends/graph_kernel/model/graph_parallel.py +16 -6
  9. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +3 -16
  10. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +16 -4
  11. mindspore/_extends/parallel_compile/akg_compiler/compiler.py +1 -0
  12. mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
  13. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +2 -1
  14. mindspore/_extends/parallel_compile/akg_compiler/util.py +5 -2
  15. mindspore/_extends/parse/__init__.py +18 -14
  16. mindspore/_extends/parse/compile_config.py +258 -0
  17. mindspore/_extends/parse/namespace.py +2 -2
  18. mindspore/_extends/parse/parser.py +174 -62
  19. mindspore/_extends/parse/resources.py +45 -14
  20. mindspore/_extends/parse/standard_method.py +142 -240
  21. mindspore/{ops/_op_impl/tbe/atomic_addr_clean.py → _extends/pijit/__init__.py} +6 -16
  22. mindspore/_extends/pijit/pijit_func_white_list.py +343 -0
  23. mindspore/_extends/remote/kernel_build_server.py +2 -0
  24. mindspore/_profiler.py +30 -0
  25. mindspore/amp.py +51 -24
  26. mindspore/avcodec-59.dll +0 -0
  27. mindspore/avdevice-59.dll +0 -0
  28. mindspore/avfilter-8.dll +0 -0
  29. mindspore/avformat-59.dll +0 -0
  30. mindspore/avutil-57.dll +0 -0
  31. mindspore/boost/adasum.py +1 -1
  32. mindspore/boost/base.py +1 -1
  33. mindspore/boost/boost_cell_wrapper.py +2 -2
  34. mindspore/boost/grad_freeze.py +2 -2
  35. mindspore/boost/group_loss_scale_manager.py +1 -1
  36. mindspore/boost/less_batch_normalization.py +9 -6
  37. mindspore/common/__init__.py +15 -4
  38. mindspore/common/_jit_fallback_utils.py +2 -3
  39. mindspore/common/_register_for_adapter.py +7 -0
  40. mindspore/common/_register_for_recompute.py +48 -0
  41. mindspore/common/_register_for_tensor.py +8 -9
  42. mindspore/common/_stub_tensor.py +7 -1
  43. mindspore/common/_utils.py +5 -17
  44. mindspore/common/api.py +411 -106
  45. mindspore/common/auto_dynamic_shape.py +27 -14
  46. mindspore/common/dtype.py +17 -10
  47. mindspore/common/dump.py +6 -8
  48. mindspore/common/file_system.py +48 -0
  49. mindspore/common/generator.py +260 -0
  50. mindspore/common/hook_handle.py +51 -4
  51. mindspore/common/initializer.py +1 -1
  52. mindspore/common/jit_config.py +34 -14
  53. mindspore/common/lazy_inline.py +72 -19
  54. mindspore/common/mindir_util.py +12 -2
  55. mindspore/common/mutable.py +79 -14
  56. mindspore/common/no_inline.py +54 -0
  57. mindspore/common/np_dtype.py +25 -0
  58. mindspore/common/parameter.py +30 -11
  59. mindspore/common/recompute.py +262 -0
  60. mindspore/common/seed.py +9 -9
  61. mindspore/common/sparse_tensor.py +272 -24
  62. mindspore/common/symbol.py +122 -0
  63. mindspore/common/tensor.py +468 -496
  64. mindspore/communication/__init__.py +6 -11
  65. mindspore/communication/_comm_helper.py +5 -0
  66. mindspore/communication/comm_func.py +1140 -0
  67. mindspore/communication/management.py +118 -102
  68. mindspore/config/op_info.config +22 -54
  69. mindspore/context.py +378 -65
  70. mindspore/dataset/__init__.py +5 -5
  71. mindspore/dataset/audio/__init__.py +6 -6
  72. mindspore/dataset/audio/transforms.py +711 -158
  73. mindspore/dataset/callback/ds_callback.py +2 -2
  74. mindspore/dataset/engine/cache_client.py +2 -2
  75. mindspore/dataset/engine/datasets.py +163 -83
  76. mindspore/dataset/engine/datasets_audio.py +14 -14
  77. mindspore/dataset/engine/datasets_standard_format.py +33 -3
  78. mindspore/dataset/engine/datasets_text.py +38 -38
  79. mindspore/dataset/engine/datasets_user_defined.py +78 -59
  80. mindspore/dataset/engine/datasets_vision.py +77 -73
  81. mindspore/dataset/engine/offload.py +5 -7
  82. mindspore/dataset/engine/queue.py +56 -38
  83. mindspore/dataset/engine/validators.py +11 -5
  84. mindspore/dataset/text/__init__.py +3 -3
  85. mindspore/dataset/text/transforms.py +408 -121
  86. mindspore/dataset/text/utils.py +9 -9
  87. mindspore/dataset/transforms/__init__.py +1 -1
  88. mindspore/dataset/transforms/transforms.py +261 -76
  89. mindspore/dataset/utils/browse_dataset.py +9 -9
  90. mindspore/dataset/vision/__init__.py +8 -8
  91. mindspore/dataset/vision/c_transforms.py +10 -10
  92. mindspore/dataset/vision/py_transforms_util.py +3 -3
  93. mindspore/dataset/vision/transforms.py +2844 -549
  94. mindspore/dataset/vision/utils.py +161 -10
  95. mindspore/dataset/vision/validators.py +14 -2
  96. mindspore/dnnl.dll +0 -0
  97. mindspore/experimental/optim/__init__.py +12 -2
  98. mindspore/experimental/optim/adadelta.py +161 -0
  99. mindspore/experimental/optim/adagrad.py +168 -0
  100. mindspore/experimental/optim/adam.py +35 -34
  101. mindspore/experimental/optim/adamax.py +170 -0
  102. mindspore/experimental/optim/adamw.py +40 -16
  103. mindspore/experimental/optim/asgd.py +153 -0
  104. mindspore/experimental/optim/lr_scheduler.py +71 -127
  105. mindspore/experimental/optim/nadam.py +157 -0
  106. mindspore/experimental/optim/optimizer.py +15 -8
  107. mindspore/experimental/optim/radam.py +194 -0
  108. mindspore/experimental/optim/rmsprop.py +154 -0
  109. mindspore/experimental/optim/rprop.py +164 -0
  110. mindspore/experimental/optim/sgd.py +28 -19
  111. mindspore/hal/__init__.py +40 -0
  112. mindspore/hal/_ascend.py +57 -0
  113. mindspore/hal/_base.py +57 -0
  114. mindspore/hal/_cpu.py +56 -0
  115. mindspore/hal/_gpu.py +57 -0
  116. mindspore/hal/device.py +356 -0
  117. mindspore/hal/event.py +179 -0
  118. mindspore/hal/memory.py +326 -0
  119. mindspore/hal/stream.py +339 -0
  120. mindspore/include/api/data_type.h +2 -2
  121. mindspore/include/api/dual_abi_helper.h +16 -3
  122. mindspore/include/api/model.h +4 -3
  123. mindspore/include/api/status.h +14 -0
  124. mindspore/include/c_api/model_c.h +173 -0
  125. mindspore/include/c_api/ms/base/types.h +1 -0
  126. mindspore/include/c_api/types_c.h +19 -0
  127. mindspore/include/dataset/execute.h +1 -3
  128. mindspore/include/dataset/vision.h +54 -2
  129. mindspore/jpeg62.dll +0 -0
  130. mindspore/log.py +2 -2
  131. mindspore/mindrecord/__init__.py +5 -1
  132. mindspore/mindrecord/config.py +809 -0
  133. mindspore/mindrecord/filereader.py +25 -0
  134. mindspore/mindrecord/filewriter.py +76 -58
  135. mindspore/mindrecord/mindpage.py +40 -6
  136. mindspore/mindrecord/shardutils.py +3 -2
  137. mindspore/mindrecord/shardwriter.py +7 -0
  138. mindspore/mindrecord/tools/cifar100_to_mr.py +53 -66
  139. mindspore/mindrecord/tools/cifar10_to_mr.py +48 -63
  140. mindspore/mindrecord/tools/csv_to_mr.py +7 -17
  141. mindspore/mindrecord/tools/imagenet_to_mr.py +3 -8
  142. mindspore/mindrecord/tools/mnist_to_mr.py +11 -21
  143. mindspore/mindrecord/tools/tfrecord_to_mr.py +2 -10
  144. mindspore/mindspore_backend.dll +0 -0
  145. mindspore/mindspore_common.dll +0 -0
  146. mindspore/mindspore_core.dll +0 -0
  147. mindspore/mindspore_glog.dll +0 -0
  148. mindspore/mindspore_np_dtype.dll +0 -0
  149. mindspore/mindspore_shared_lib.dll +0 -0
  150. mindspore/mint/__init__.py +1137 -0
  151. mindspore/{rewrite/ast_transformers → mint/linalg}/__init__.py +9 -4
  152. mindspore/mint/nn/__init__.py +512 -0
  153. mindspore/mint/nn/functional.py +573 -0
  154. mindspore/mint/optim/__init__.py +24 -0
  155. mindspore/mint/optim/adamw.py +185 -0
  156. mindspore/multiprocessing/__init__.py +72 -0
  157. mindspore/nn/__init__.py +1 -0
  158. mindspore/nn/cell.py +213 -257
  159. mindspore/nn/dynamic_lr.py +2 -2
  160. mindspore/nn/extend/__init__.py +29 -0
  161. mindspore/nn/extend/basic.py +140 -0
  162. mindspore/nn/extend/embedding.py +143 -0
  163. mindspore/{rewrite/ast_creator_register.py → nn/extend/layer/__init__.py} +9 -19
  164. mindspore/nn/extend/layer/normalization.py +109 -0
  165. mindspore/nn/extend/pooling.py +117 -0
  166. mindspore/nn/layer/activation.py +84 -94
  167. mindspore/nn/layer/basic.py +177 -82
  168. mindspore/nn/layer/channel_shuffle.py +3 -16
  169. mindspore/nn/layer/container.py +3 -3
  170. mindspore/nn/layer/conv.py +75 -66
  171. mindspore/nn/layer/embedding.py +103 -45
  172. mindspore/nn/layer/embedding_service.py +531 -0
  173. mindspore/nn/layer/embedding_service_layer.py +393 -0
  174. mindspore/nn/layer/image.py +4 -7
  175. mindspore/nn/layer/math.py +1 -1
  176. mindspore/nn/layer/normalization.py +52 -66
  177. mindspore/nn/layer/padding.py +30 -39
  178. mindspore/nn/layer/pooling.py +18 -9
  179. mindspore/nn/layer/rnn_cells.py +6 -16
  180. mindspore/nn/layer/rnns.py +6 -5
  181. mindspore/nn/layer/thor_layer.py +1 -2
  182. mindspore/nn/layer/timedistributed.py +1 -1
  183. mindspore/nn/layer/transformer.py +52 -50
  184. mindspore/nn/learning_rate_schedule.py +6 -5
  185. mindspore/nn/loss/loss.py +63 -84
  186. mindspore/nn/optim/ada_grad.py +6 -4
  187. mindspore/nn/optim/adadelta.py +3 -1
  188. mindspore/nn/optim/adafactor.py +1 -1
  189. mindspore/nn/optim/adam.py +102 -181
  190. mindspore/nn/optim/adamax.py +4 -2
  191. mindspore/nn/optim/adasum.py +3 -3
  192. mindspore/nn/optim/asgd.py +4 -2
  193. mindspore/nn/optim/ftrl.py +31 -61
  194. mindspore/nn/optim/lamb.py +5 -3
  195. mindspore/nn/optim/lars.py +2 -2
  196. mindspore/nn/optim/lazyadam.py +6 -4
  197. mindspore/nn/optim/momentum.py +13 -25
  198. mindspore/nn/optim/optimizer.py +6 -3
  199. mindspore/nn/optim/proximal_ada_grad.py +4 -2
  200. mindspore/nn/optim/rmsprop.py +9 -3
  201. mindspore/nn/optim/rprop.py +4 -2
  202. mindspore/nn/optim/sgd.py +7 -4
  203. mindspore/nn/optim/thor.py +2 -2
  204. mindspore/nn/probability/distribution/_utils/custom_ops.py +2 -2
  205. mindspore/nn/probability/distribution/beta.py +2 -2
  206. mindspore/nn/probability/distribution/categorical.py +4 -6
  207. mindspore/nn/probability/distribution/cauchy.py +2 -2
  208. mindspore/nn/probability/distribution/exponential.py +2 -2
  209. mindspore/nn/probability/distribution/geometric.py +1 -1
  210. mindspore/nn/probability/distribution/gumbel.py +2 -2
  211. mindspore/nn/probability/distribution/logistic.py +1 -1
  212. mindspore/nn/probability/distribution/poisson.py +2 -2
  213. mindspore/nn/probability/distribution/uniform.py +2 -2
  214. mindspore/nn/reinforcement/_tensors_queue.py +13 -1
  215. mindspore/nn/wrap/__init__.py +2 -1
  216. mindspore/nn/wrap/cell_wrapper.py +58 -13
  217. mindspore/nn/wrap/grad_reducer.py +148 -8
  218. mindspore/nn/wrap/loss_scale.py +32 -9
  219. mindspore/numpy/__init__.py +2 -0
  220. mindspore/numpy/array_creations.py +2 -0
  221. mindspore/numpy/array_ops.py +6 -6
  222. mindspore/numpy/dtypes.py +3 -3
  223. mindspore/numpy/fft.py +431 -0
  224. mindspore/numpy/math_ops.py +61 -67
  225. mindspore/numpy/utils.py +3 -0
  226. mindspore/opencv_core452.dll +0 -0
  227. mindspore/opencv_imgcodecs452.dll +0 -0
  228. mindspore/opencv_imgproc452.dll +0 -0
  229. mindspore/ops/__init__.py +8 -4
  230. mindspore/ops/_grad_experimental/grad_array_ops.py +4 -160
  231. mindspore/ops/_grad_experimental/grad_comm_ops.py +93 -36
  232. mindspore/ops/_grad_experimental/grad_inner_ops.py +8 -0
  233. mindspore/ops/_grad_experimental/grad_math_ops.py +92 -287
  234. mindspore/ops/_grad_experimental/grad_nn_ops.py +0 -53
  235. mindspore/ops/_grad_experimental/grad_quant_ops.py +3 -3
  236. mindspore/ops/_grad_experimental/grad_sparse.py +1 -1
  237. mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
  238. mindspore/ops/_op_impl/__init__.py +0 -1
  239. mindspore/ops/_op_impl/aicpu/__init__.py +1 -0
  240. mindspore/ops/_op_impl/aicpu/gamma.py +2 -0
  241. mindspore/ops/_op_impl/{cpu/concat.py → aicpu/generate_eod_mask.py} +16 -17
  242. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +1 -3
  243. mindspore/ops/_op_impl/aicpu/poisson.py +2 -0
  244. mindspore/ops/_op_impl/cpu/__init__.py +1 -3
  245. mindspore/ops/_op_impl/cpu/adam.py +2 -2
  246. mindspore/ops/_op_impl/cpu/adam_weight_decay.py +3 -2
  247. mindspore/ops/_op_impl/cpu/maximum_grad.py +16 -14
  248. mindspore/ops/_op_impl/cpu/minimum_grad.py +8 -0
  249. mindspore/ops/_vmap/vmap_array_ops.py +164 -101
  250. mindspore/ops/_vmap/vmap_base.py +8 -1
  251. mindspore/ops/_vmap/vmap_grad_math_ops.py +95 -9
  252. mindspore/ops/_vmap/vmap_grad_nn_ops.py +143 -58
  253. mindspore/ops/_vmap/vmap_image_ops.py +70 -13
  254. mindspore/ops/_vmap/vmap_math_ops.py +130 -58
  255. mindspore/ops/_vmap/vmap_nn_ops.py +249 -115
  256. mindspore/ops/_vmap/vmap_other_ops.py +1 -1
  257. mindspore/ops/auto_generate/__init__.py +31 -0
  258. mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +231 -0
  259. mindspore/ops/auto_generate/gen_arg_dtype_cast.py +250 -0
  260. mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
  261. mindspore/ops/auto_generate/gen_extend_func.py +980 -0
  262. mindspore/ops/auto_generate/gen_ops_def.py +6443 -0
  263. mindspore/ops/auto_generate/gen_ops_prim.py +13167 -0
  264. mindspore/ops/auto_generate/pyboost_inner_prim.py +429 -0
  265. mindspore/ops/composite/__init__.py +5 -2
  266. mindspore/ops/composite/base.py +121 -23
  267. mindspore/ops/composite/math_ops.py +10 -49
  268. mindspore/ops/composite/multitype_ops/_compile_utils.py +191 -618
  269. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +25 -134
  270. mindspore/ops/composite/multitype_ops/add_impl.py +6 -0
  271. mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +6 -0
  272. mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +6 -0
  273. mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +6 -0
  274. mindspore/ops/composite/multitype_ops/div_impl.py +8 -0
  275. mindspore/ops/composite/multitype_ops/equal_impl.py +6 -0
  276. mindspore/ops/composite/multitype_ops/floordiv_impl.py +8 -0
  277. mindspore/ops/composite/multitype_ops/getitem_impl.py +6 -0
  278. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +6 -0
  279. mindspore/ops/composite/multitype_ops/greater_impl.py +6 -0
  280. mindspore/ops/composite/multitype_ops/in_impl.py +8 -2
  281. mindspore/ops/composite/multitype_ops/left_shift_impl.py +6 -0
  282. mindspore/ops/composite/multitype_ops/less_equal_impl.py +6 -0
  283. mindspore/ops/composite/multitype_ops/less_impl.py +6 -0
  284. mindspore/ops/composite/multitype_ops/logic_not_impl.py +6 -0
  285. mindspore/ops/composite/multitype_ops/logical_and_impl.py +6 -0
  286. mindspore/ops/composite/multitype_ops/logical_or_impl.py +6 -0
  287. mindspore/ops/composite/multitype_ops/mod_impl.py +6 -0
  288. mindspore/ops/composite/multitype_ops/mul_impl.py +6 -0
  289. mindspore/ops/composite/multitype_ops/negative_impl.py +9 -3
  290. mindspore/ops/composite/multitype_ops/not_equal_impl.py +6 -0
  291. mindspore/ops/composite/multitype_ops/not_in_impl.py +6 -1
  292. mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -2
  293. mindspore/ops/composite/multitype_ops/pow_impl.py +6 -0
  294. mindspore/ops/composite/multitype_ops/right_shift_impl.py +6 -0
  295. mindspore/ops/composite/multitype_ops/setitem_impl.py +32 -21
  296. mindspore/ops/composite/multitype_ops/sub_impl.py +6 -0
  297. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +6 -3
  298. mindspore/ops/deprecated.py +14 -3
  299. mindspore/ops/extend/__init__.py +53 -0
  300. mindspore/ops/extend/array_func.py +218 -0
  301. mindspore/ops/extend/math_func.py +76 -0
  302. mindspore/ops/extend/nn_func.py +308 -0
  303. mindspore/ops/function/__init__.py +31 -11
  304. mindspore/ops/function/array_func.py +848 -1736
  305. mindspore/ops/function/clip_func.py +19 -31
  306. mindspore/ops/function/debug_func.py +2 -5
  307. mindspore/ops/function/fft_func.py +31 -0
  308. mindspore/ops/function/grad/grad_func.py +27 -20
  309. mindspore/ops/function/image_func.py +27 -21
  310. mindspore/ops/function/linalg_func.py +30 -53
  311. mindspore/ops/function/math_func.py +916 -2791
  312. mindspore/ops/function/nn_func.py +1445 -889
  313. mindspore/ops/function/other_func.py +6 -7
  314. mindspore/ops/function/parameter_func.py +6 -92
  315. mindspore/ops/function/random_func.py +254 -108
  316. mindspore/ops/function/reshard_func.py +102 -0
  317. mindspore/ops/function/sparse_func.py +4 -4
  318. mindspore/ops/function/sparse_unary_func.py +11 -18
  319. mindspore/ops/function/spectral_func.py +1 -1
  320. mindspore/ops/function/vmap_func.py +15 -14
  321. mindspore/ops/functional.py +342 -343
  322. mindspore/ops/op_info_register.py +16 -43
  323. mindspore/ops/operations/__init__.py +32 -23
  324. mindspore/ops/operations/_embedding_cache_ops.py +1 -1
  325. mindspore/ops/operations/_grad_ops.py +21 -853
  326. mindspore/ops/operations/_infer_ops.py +19 -0
  327. mindspore/ops/operations/_inner_ops.py +155 -511
  328. mindspore/ops/operations/_quant_ops.py +4 -4
  329. mindspore/ops/operations/_rl_inner_ops.py +3 -3
  330. mindspore/ops/operations/_scalar_ops.py +5 -480
  331. mindspore/ops/operations/_sequence_ops.py +6 -36
  332. mindspore/ops/operations/_tensor_array.py +8 -8
  333. mindspore/ops/operations/array_ops.py +112 -2698
  334. mindspore/ops/operations/comm_ops.py +801 -118
  335. mindspore/ops/operations/custom_ops.py +62 -121
  336. mindspore/ops/operations/debug_ops.py +105 -36
  337. mindspore/ops/operations/image_ops.py +3 -219
  338. mindspore/ops/operations/inner_ops.py +54 -40
  339. mindspore/ops/operations/linalg_ops.py +1 -49
  340. mindspore/ops/operations/manually_defined/__init__.py +24 -0
  341. mindspore/ops/operations/manually_defined/_inner.py +61 -0
  342. mindspore/ops/operations/manually_defined/ops_def.py +2016 -0
  343. mindspore/ops/operations/math_ops.py +621 -4654
  344. mindspore/ops/operations/nn_ops.py +316 -2226
  345. mindspore/ops/operations/other_ops.py +53 -45
  346. mindspore/ops/operations/random_ops.py +4 -51
  347. mindspore/ops/operations/reshard_ops.py +53 -0
  348. mindspore/ops/operations/sparse_ops.py +8 -8
  349. mindspore/ops/primitive.py +204 -103
  350. mindspore/ops/silent_check.py +162 -0
  351. mindspore/ops_generate/__init__.py +27 -0
  352. mindspore/ops_generate/arg_dtype_cast.py +250 -0
  353. mindspore/ops_generate/arg_handler.py +197 -0
  354. mindspore/ops_generate/gen_aclnn_implement.py +263 -0
  355. mindspore/ops_generate/gen_ops.py +1084 -0
  356. mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
  357. mindspore/ops_generate/gen_pyboost_func.py +968 -0
  358. mindspore/ops_generate/gen_utils.py +209 -0
  359. mindspore/ops_generate/op_proto.py +138 -0
  360. mindspore/ops_generate/pyboost_utils.py +354 -0
  361. mindspore/ops_generate/template.py +239 -0
  362. mindspore/parallel/__init__.py +7 -4
  363. mindspore/parallel/_auto_parallel_context.py +155 -6
  364. mindspore/parallel/_cell_wrapper.py +16 -9
  365. mindspore/parallel/_cost_model_context.py +1 -1
  366. mindspore/parallel/_dp_allreduce_fusion.py +159 -159
  367. mindspore/parallel/_parallel_serialization.py +62 -14
  368. mindspore/parallel/_ps_context.py +1 -1
  369. mindspore/parallel/_recovery_context.py +1 -1
  370. mindspore/parallel/_tensor.py +18 -9
  371. mindspore/parallel/_transformer/__init__.py +1 -1
  372. mindspore/parallel/_transformer/layers.py +1 -1
  373. mindspore/parallel/_transformer/loss.py +1 -1
  374. mindspore/parallel/_transformer/moe.py +1 -1
  375. mindspore/parallel/_transformer/op_parallel_config.py +1 -1
  376. mindspore/parallel/_transformer/transformer.py +10 -10
  377. mindspore/parallel/_utils.py +161 -6
  378. mindspore/parallel/algo_parameter_config.py +6 -8
  379. mindspore/parallel/checkpoint_transform.py +369 -64
  380. mindspore/parallel/cluster/__init__.py +15 -0
  381. mindspore/parallel/cluster/process_entity/__init__.py +18 -0
  382. mindspore/parallel/cluster/process_entity/_api.py +344 -0
  383. mindspore/parallel/cluster/process_entity/_utils.py +126 -0
  384. mindspore/parallel/cluster/run.py +136 -0
  385. mindspore/parallel/mpi/__init__.py +1 -1
  386. mindspore/parallel/mpi/_mpi_config.py +1 -1
  387. mindspore/parallel/parameter_broadcast.py +152 -0
  388. mindspore/parallel/shard.py +128 -17
  389. mindspore/profiler/__init__.py +3 -2
  390. mindspore/profiler/common/process_pool.py +41 -0
  391. mindspore/profiler/common/singleton.py +28 -0
  392. mindspore/profiler/common/util.py +125 -0
  393. mindspore/profiler/envprofiling.py +2 -2
  394. mindspore/{_extends/parallel_compile/tbe_compiler → profiler/parser/ascend_analysis}/__init__.py +1 -1
  395. mindspore/profiler/parser/ascend_analysis/constant.py +53 -0
  396. mindspore/profiler/parser/ascend_analysis/file_manager.py +159 -0
  397. mindspore/profiler/parser/ascend_analysis/function_event.py +161 -0
  398. mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +131 -0
  399. mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +85 -0
  400. mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +57 -0
  401. mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +116 -0
  402. mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
  403. mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +68 -0
  404. mindspore/profiler/parser/ascend_cluster_generator.py +116 -0
  405. mindspore/profiler/parser/ascend_communicate_generator.py +314 -0
  406. mindspore/profiler/parser/ascend_flops_generator.py +27 -5
  407. mindspore/profiler/parser/ascend_fpbp_generator.py +8 -2
  408. mindspore/profiler/parser/ascend_hccl_generator.py +31 -280
  409. mindspore/profiler/parser/ascend_integrate_generator.py +42 -0
  410. mindspore/profiler/parser/ascend_memory_generator.py +185 -0
  411. mindspore/profiler/parser/ascend_msprof_exporter.py +151 -126
  412. mindspore/profiler/parser/ascend_msprof_generator.py +75 -274
  413. mindspore/profiler/parser/ascend_op_generator.py +94 -36
  414. mindspore/profiler/parser/ascend_timeline_generator.py +297 -131
  415. mindspore/profiler/parser/base_timeline_generator.py +17 -3
  416. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +2 -1
  417. mindspore/profiler/parser/framework_parser.py +11 -4
  418. mindspore/profiler/parser/integrator.py +3 -1
  419. mindspore/profiler/parser/memory_usage_parser.py +8 -2
  420. mindspore/profiler/parser/minddata_analyzer.py +8 -2
  421. mindspore/profiler/parser/minddata_parser.py +73 -4
  422. mindspore/profiler/parser/msadvisor_analyzer.py +5 -3
  423. mindspore/profiler/parser/msadvisor_parser.py +10 -4
  424. mindspore/profiler/parser/profiler_info.py +16 -1
  425. mindspore/profiler/profiling.py +522 -195
  426. mindspore/rewrite/__init__.py +2 -13
  427. mindspore/rewrite/api/node.py +123 -37
  428. mindspore/rewrite/api/pattern_engine.py +2 -3
  429. mindspore/rewrite/api/scoped_value.py +16 -15
  430. mindspore/rewrite/api/symbol_tree.py +46 -30
  431. mindspore/rewrite/ast_helpers/__init__.py +3 -6
  432. mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
  433. mindspore/rewrite/ast_helpers/ast_finder.py +48 -0
  434. mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
  435. mindspore/rewrite/ast_helpers/ast_modifier.py +160 -92
  436. mindspore/rewrite/common/__init__.py +1 -2
  437. mindspore/rewrite/common/config.py +24 -0
  438. mindspore/rewrite/common/{rewrite_elog.py → error_log.py} +39 -39
  439. mindspore/rewrite/{namer.py → common/namer.py} +63 -18
  440. mindspore/rewrite/common/namespace.py +118 -0
  441. mindspore/rewrite/node/__init__.py +5 -5
  442. mindspore/rewrite/node/call_function.py +23 -7
  443. mindspore/rewrite/node/cell_container.py +7 -3
  444. mindspore/rewrite/node/control_flow.py +53 -28
  445. mindspore/rewrite/node/node.py +212 -196
  446. mindspore/rewrite/node/node_manager.py +51 -22
  447. mindspore/rewrite/node/node_topological_manager.py +3 -23
  448. mindspore/rewrite/parsers/__init__.py +12 -0
  449. mindspore/rewrite/parsers/arguments_parser.py +8 -9
  450. mindspore/rewrite/parsers/assign_parser.py +637 -413
  451. mindspore/rewrite/parsers/attribute_parser.py +3 -4
  452. mindspore/rewrite/parsers/class_def_parser.py +115 -148
  453. mindspore/rewrite/parsers/constant_parser.py +5 -5
  454. mindspore/rewrite/parsers/container_parser.py +4 -6
  455. mindspore/rewrite/parsers/expr_parser.py +55 -0
  456. mindspore/rewrite/parsers/for_parser.py +31 -98
  457. mindspore/rewrite/parsers/function_def_parser.py +13 -5
  458. mindspore/rewrite/parsers/if_parser.py +28 -10
  459. mindspore/rewrite/parsers/module_parser.py +8 -182
  460. mindspore/rewrite/parsers/parser.py +1 -5
  461. mindspore/rewrite/parsers/parser_register.py +1 -1
  462. mindspore/rewrite/parsers/return_parser.py +5 -10
  463. mindspore/rewrite/parsers/while_parser.py +59 -0
  464. mindspore/rewrite/sparsify/utils.py +1 -1
  465. mindspore/rewrite/symbol_tree/__init__.py +20 -0
  466. mindspore/rewrite/{symbol_tree.py → symbol_tree/symbol_tree.py} +704 -185
  467. mindspore/rewrite/{symbol_tree_builder.py → symbol_tree/symbol_tree_builder.py} +8 -8
  468. mindspore/rewrite/{symbol_tree_dumper.py → symbol_tree/symbol_tree_dumper.py} +4 -4
  469. mindspore/run_check/_check_version.py +6 -14
  470. mindspore/run_check/run_check.py +1 -1
  471. mindspore/safeguard/rewrite_obfuscation.py +9 -19
  472. mindspore/swresample-4.dll +0 -0
  473. mindspore/swscale-6.dll +0 -0
  474. mindspore/tinyxml2.dll +0 -0
  475. mindspore/train/__init__.py +6 -5
  476. mindspore/train/_utils.py +178 -4
  477. mindspore/train/amp.py +167 -245
  478. mindspore/train/anf_ir_pb2.py +14 -2
  479. mindspore/train/callback/__init__.py +5 -2
  480. mindspore/train/callback/_backup_and_restore.py +5 -5
  481. mindspore/train/callback/_callback.py +4 -4
  482. mindspore/train/callback/_checkpoint.py +151 -37
  483. mindspore/train/callback/_cluster_monitor.py +201 -0
  484. mindspore/train/callback/_early_stop.py +2 -2
  485. mindspore/train/callback/_flops_collector.py +238 -0
  486. mindspore/train/callback/_landscape.py +16 -11
  487. mindspore/train/callback/_loss_monitor.py +2 -2
  488. mindspore/train/callback/_mindio_ttp.py +443 -0
  489. mindspore/train/callback/_on_request_exit.py +2 -2
  490. mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
  491. mindspore/train/callback/_summary_collector.py +13 -14
  492. mindspore/train/callback/_time_monitor.py +3 -3
  493. mindspore/train/data_sink.py +6 -5
  494. mindspore/train/dataset_helper.py +66 -21
  495. mindspore/train/loss_scale_manager.py +2 -2
  496. mindspore/train/metrics/accuracy.py +7 -7
  497. mindspore/train/metrics/confusion_matrix.py +8 -6
  498. mindspore/train/metrics/cosine_similarity.py +6 -4
  499. mindspore/train/metrics/error.py +2 -2
  500. mindspore/train/metrics/metric.py +3 -3
  501. mindspore/train/metrics/perplexity.py +2 -1
  502. mindspore/train/metrics/topk.py +2 -2
  503. mindspore/train/mind_ir_pb2.py +89 -15
  504. mindspore/train/model.py +298 -56
  505. mindspore/train/serialization.py +501 -221
  506. mindspore/train/summary/_summary_adapter.py +1 -1
  507. mindspore/train/summary/_writer_pool.py +1 -1
  508. mindspore/train/summary/summary_record.py +56 -34
  509. mindspore/train/train_thor/convert_utils.py +3 -3
  510. mindspore/turbojpeg.dll +0 -0
  511. mindspore/version.py +1 -1
  512. {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/METADATA +3 -3
  513. mindspore-2.3.0.dist-info/RECORD +1400 -0
  514. {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/entry_points.txt +1 -0
  515. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +0 -662
  516. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +0 -377
  517. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +0 -201
  518. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +0 -515
  519. mindspore/gen_ops.py +0 -273
  520. mindspore/nn/layer/flash_attention.py +0 -189
  521. mindspore/ops/_op_impl/cpu/tensor_shape.py +0 -42
  522. mindspore/ops/_op_impl/tbe/__init__.py +0 -47
  523. mindspore/ops/_op_impl/tbe/abs.py +0 -38
  524. mindspore/ops/_op_impl/tbe/abs_ds.py +0 -39
  525. mindspore/ops/_op_impl/tbe/abs_grad.py +0 -43
  526. mindspore/ops/_op_impl/tbe/abs_grad_ds.py +0 -44
  527. mindspore/ops/_op_impl/tbe/accumulate_n_v2.py +0 -41
  528. mindspore/ops/_op_impl/tbe/accumulate_n_v2_ds.py +0 -42
  529. mindspore/ops/_op_impl/tbe/acos.py +0 -37
  530. mindspore/ops/_op_impl/tbe/acos_ds.py +0 -38
  531. mindspore/ops/_op_impl/tbe/acos_grad.py +0 -43
  532. mindspore/ops/_op_impl/tbe/acos_grad_ds.py +0 -44
  533. mindspore/ops/_op_impl/tbe/acosh.py +0 -37
  534. mindspore/ops/_op_impl/tbe/acosh_ds.py +0 -38
  535. mindspore/ops/_op_impl/tbe/acosh_grad.py +0 -43
  536. mindspore/ops/_op_impl/tbe/acosh_grad_ds.py +0 -44
  537. mindspore/ops/_op_impl/tbe/act_ulq_clamp_max_grad.py +0 -38
  538. mindspore/ops/_op_impl/tbe/act_ulq_clamp_min_grad.py +0 -38
  539. mindspore/ops/_op_impl/tbe/acts_ulq.py +0 -45
  540. mindspore/ops/_op_impl/tbe/acts_ulq_input_grad.py +0 -38
  541. mindspore/ops/_op_impl/tbe/adam_apply_one.py +0 -50
  542. mindspore/ops/_op_impl/tbe/adam_apply_one_assign.py +0 -53
  543. mindspore/ops/_op_impl/tbe/adam_apply_one_ds.py +0 -51
  544. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay.py +0 -54
  545. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_assign.py +0 -54
  546. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_ds.py +0 -55
  547. mindspore/ops/_op_impl/tbe/adaptive_max_pool2d.py +0 -37
  548. mindspore/ops/_op_impl/tbe/add.py +0 -42
  549. mindspore/ops/_op_impl/tbe/add_ds.py +0 -43
  550. mindspore/ops/_op_impl/tbe/add_n.py +0 -39
  551. mindspore/ops/_op_impl/tbe/add_n_ds.py +0 -40
  552. mindspore/ops/_op_impl/tbe/addcdiv.py +0 -41
  553. mindspore/ops/_op_impl/tbe/addcdiv_ds.py +0 -42
  554. mindspore/ops/_op_impl/tbe/addcmul.py +0 -43
  555. mindspore/ops/_op_impl/tbe/addcmul_ds.py +0 -44
  556. mindspore/ops/_op_impl/tbe/apply_ada_max.py +0 -68
  557. mindspore/ops/_op_impl/tbe/apply_ada_max_ds.py +0 -69
  558. mindspore/ops/_op_impl/tbe/apply_adadelta.py +0 -66
  559. mindspore/ops/_op_impl/tbe/apply_adadelta_ds.py +0 -67
  560. mindspore/ops/_op_impl/tbe/apply_adagrad.py +0 -55
  561. mindspore/ops/_op_impl/tbe/apply_adagrad_d_a.py +0 -67
  562. mindspore/ops/_op_impl/tbe/apply_adagrad_ds.py +0 -56
  563. mindspore/ops/_op_impl/tbe/apply_adagrad_v2.py +0 -48
  564. mindspore/ops/_op_impl/tbe/apply_adagrad_v2_ds.py +0 -49
  565. mindspore/ops/_op_impl/tbe/apply_adam.py +0 -79
  566. mindspore/ops/_op_impl/tbe/apply_adam_ds.py +0 -80
  567. mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad.py +0 -60
  568. mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad_ds.py +0 -61
  569. mindspore/ops/_op_impl/tbe/apply_add_sign.py +0 -65
  570. mindspore/ops/_op_impl/tbe/apply_add_sign_ds.py +0 -66
  571. mindspore/ops/_op_impl/tbe/apply_centered_rms_prop.py +0 -77
  572. mindspore/ops/_op_impl/tbe/apply_centered_rms_prop_ds.py +0 -78
  573. mindspore/ops/_op_impl/tbe/apply_ftrl.py +0 -67
  574. mindspore/ops/_op_impl/tbe/apply_ftrl_ds.py +0 -68
  575. mindspore/ops/_op_impl/tbe/apply_gradient_descent.py +0 -44
  576. mindspore/ops/_op_impl/tbe/apply_gradient_descent_ds.py +0 -45
  577. mindspore/ops/_op_impl/tbe/apply_keras_momentum.py +0 -49
  578. mindspore/ops/_op_impl/tbe/apply_momentum.py +0 -64
  579. mindspore/ops/_op_impl/tbe/apply_momentum_ds.py +0 -65
  580. mindspore/ops/_op_impl/tbe/apply_power_sign.py +0 -65
  581. mindspore/ops/_op_impl/tbe/apply_power_sign_ds.py +0 -66
  582. mindspore/ops/_op_impl/tbe/apply_proximal_adagrad.py +0 -57
  583. mindspore/ops/_op_impl/tbe/apply_proximal_adagrad_ds.py +0 -58
  584. mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent.py +0 -54
  585. mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent_ds.py +0 -55
  586. mindspore/ops/_op_impl/tbe/apply_rms_prop.py +0 -52
  587. mindspore/ops/_op_impl/tbe/approximate_equal.py +0 -39
  588. mindspore/ops/_op_impl/tbe/approximate_equal_ds.py +0 -40
  589. mindspore/ops/_op_impl/tbe/arg_max.py +0 -38
  590. mindspore/ops/_op_impl/tbe/arg_max_with_value.py +0 -38
  591. mindspore/ops/_op_impl/tbe/arg_max_with_value_ds.py +0 -39
  592. mindspore/ops/_op_impl/tbe/arg_min.py +0 -38
  593. mindspore/ops/_op_impl/tbe/arg_min_v2_ds.py +0 -40
  594. mindspore/ops/_op_impl/tbe/arg_min_with_value.py +0 -38
  595. mindspore/ops/_op_impl/tbe/arg_min_with_value_ds.py +0 -39
  596. mindspore/ops/_op_impl/tbe/asin.py +0 -37
  597. mindspore/ops/_op_impl/tbe/asin_ds.py +0 -38
  598. mindspore/ops/_op_impl/tbe/asin_grad.py +0 -43
  599. mindspore/ops/_op_impl/tbe/asin_grad_ds.py +0 -44
  600. mindspore/ops/_op_impl/tbe/asinh.py +0 -37
  601. mindspore/ops/_op_impl/tbe/asinh_ds.py +0 -38
  602. mindspore/ops/_op_impl/tbe/asinh_grad.py +0 -43
  603. mindspore/ops/_op_impl/tbe/asinh_grad_ds.py +0 -44
  604. mindspore/ops/_op_impl/tbe/assign.py +0 -79
  605. mindspore/ops/_op_impl/tbe/assign_add.py +0 -59
  606. mindspore/ops/_op_impl/tbe/assign_add_ds.py +0 -60
  607. mindspore/ops/_op_impl/tbe/assign_ds.py +0 -80
  608. mindspore/ops/_op_impl/tbe/assign_sub.py +0 -55
  609. mindspore/ops/_op_impl/tbe/assign_sub_ds.py +0 -56
  610. mindspore/ops/_op_impl/tbe/atan.py +0 -37
  611. mindspore/ops/_op_impl/tbe/atan2.py +0 -38
  612. mindspore/ops/_op_impl/tbe/atan2_ds.py +0 -39
  613. mindspore/ops/_op_impl/tbe/atan_ds.py +0 -38
  614. mindspore/ops/_op_impl/tbe/atan_grad.py +0 -43
  615. mindspore/ops/_op_impl/tbe/atan_grad_ds.py +0 -44
  616. mindspore/ops/_op_impl/tbe/atanh.py +0 -37
  617. mindspore/ops/_op_impl/tbe/atanh_ds.py +0 -38
  618. mindspore/ops/_op_impl/tbe/avg_pool.py +0 -43
  619. mindspore/ops/_op_impl/tbe/avg_pool_3d.py +0 -44
  620. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +0 -45
  621. mindspore/ops/_op_impl/tbe/avg_pool_ds.py +0 -44
  622. mindspore/ops/_op_impl/tbe/avg_pool_grad.py +0 -42
  623. mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +0 -42
  624. mindspore/ops/_op_impl/tbe/basic_lstm_cell.py +0 -57
  625. mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad.py +0 -50
  626. mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -51
  627. mindspore/ops/_op_impl/tbe/basic_lstm_cell_input_grad.py +0 -42
  628. mindspore/ops/_op_impl/tbe/basic_lstm_cell_weight_grad.py +0 -41
  629. mindspore/ops/_op_impl/tbe/batch_matmul.py +0 -42
  630. mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +0 -41
  631. mindspore/ops/_op_impl/tbe/batch_matmul_v2.py +0 -47
  632. mindspore/ops/_op_impl/tbe/batch_to_space.py +0 -38
  633. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +0 -38
  634. mindspore/ops/_op_impl/tbe/batch_to_space_nd_ds.py +0 -39
  635. mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +0 -41
  636. mindspore/ops/_op_impl/tbe/batchnorm.py +0 -58
  637. mindspore/ops/_op_impl/tbe/batchnorm_grad.py +0 -58
  638. mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +0 -42
  639. mindspore/ops/_op_impl/tbe/bessel_i0e.py +0 -37
  640. mindspore/ops/_op_impl/tbe/bessel_i0e_ds.py +0 -38
  641. mindspore/ops/_op_impl/tbe/bessel_i1e.py +0 -37
  642. mindspore/ops/_op_impl/tbe/bessel_i1e_ds.py +0 -38
  643. mindspore/ops/_op_impl/tbe/bias_add.py +0 -38
  644. mindspore/ops/_op_impl/tbe/bias_add_ds.py +0 -39
  645. mindspore/ops/_op_impl/tbe/bias_add_grad.py +0 -53
  646. mindspore/ops/_op_impl/tbe/binary_cross_entropy.py +0 -39
  647. mindspore/ops/_op_impl/tbe/binary_cross_entropy_ds.py +0 -40
  648. mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad.py +0 -44
  649. mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad_ds.py +0 -45
  650. mindspore/ops/_op_impl/tbe/bitwise_and.py +0 -39
  651. mindspore/ops/_op_impl/tbe/bitwise_and_ds.py +0 -40
  652. mindspore/ops/_op_impl/tbe/bitwise_or.py +0 -39
  653. mindspore/ops/_op_impl/tbe/bitwise_or_ds.py +0 -40
  654. mindspore/ops/_op_impl/tbe/bitwise_xor.py +0 -39
  655. mindspore/ops/_op_impl/tbe/bitwise_xor_ds.py +0 -40
  656. mindspore/ops/_op_impl/tbe/bn_infer.py +0 -43
  657. mindspore/ops/_op_impl/tbe/bn_infer_ds.py +0 -45
  658. mindspore/ops/_op_impl/tbe/bn_infer_grad.py +0 -41
  659. mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +0 -40
  660. mindspore/ops/_op_impl/tbe/bn_inference.py +0 -50
  661. mindspore/ops/_op_impl/tbe/bn_training_reduce.py +0 -38
  662. mindspore/ops/_op_impl/tbe/bn_training_reduce_ds.py +0 -39
  663. mindspore/ops/_op_impl/tbe/bn_training_reduce_grad.py +0 -46
  664. mindspore/ops/_op_impl/tbe/bn_training_reduce_grad_ds.py +0 -47
  665. mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -52
  666. mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -53
  667. mindspore/ops/_op_impl/tbe/bn_training_update_grad.py +0 -44
  668. mindspore/ops/_op_impl/tbe/bn_training_update_grad_ds.py +0 -45
  669. mindspore/ops/_op_impl/tbe/bn_training_update_v2.py +0 -48
  670. mindspore/ops/_op_impl/tbe/bn_training_update_v3.py +0 -51
  671. mindspore/ops/_op_impl/tbe/bounding_box_decode.py +0 -41
  672. mindspore/ops/_op_impl/tbe/bounding_box_decode_ds.py +0 -42
  673. mindspore/ops/_op_impl/tbe/bounding_box_encode.py +0 -38
  674. mindspore/ops/_op_impl/tbe/broadcast_to.py +0 -40
  675. mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +0 -44
  676. mindspore/ops/_op_impl/tbe/cast.py +0 -55
  677. mindspore/ops/_op_impl/tbe/cast_ds.py +0 -58
  678. mindspore/ops/_op_impl/tbe/cdist.py +0 -38
  679. mindspore/ops/_op_impl/tbe/cdist_grad.py +0 -42
  680. mindspore/ops/_op_impl/tbe/ceil.py +0 -37
  681. mindspore/ops/_op_impl/tbe/ceil_ds.py +0 -38
  682. mindspore/ops/_op_impl/tbe/celu.py +0 -39
  683. mindspore/ops/_op_impl/tbe/centralization.py +0 -39
  684. mindspore/ops/_op_impl/tbe/check_valid.py +0 -38
  685. mindspore/ops/_op_impl/tbe/check_valid_ds.py +0 -39
  686. mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum.py +0 -41
  687. mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum_ds.py +0 -42
  688. mindspore/ops/_op_impl/tbe/clip_by_value.py +0 -41
  689. mindspore/ops/_op_impl/tbe/clip_by_value_ds.py +0 -42
  690. mindspore/ops/_op_impl/tbe/concat.py +0 -40
  691. mindspore/ops/_op_impl/tbe/concat_ds.py +0 -38
  692. mindspore/ops/_op_impl/tbe/confusion_matrix.py +0 -63
  693. mindspore/ops/_op_impl/tbe/confusion_mul_grad.py +0 -40
  694. mindspore/ops/_op_impl/tbe/confusion_softmax_grad.py +0 -41
  695. mindspore/ops/_op_impl/tbe/confusion_transpose_d.py +0 -39
  696. mindspore/ops/_op_impl/tbe/conv2d.py +0 -47
  697. mindspore/ops/_op_impl/tbe/conv2d_backprop_filter.py +0 -42
  698. mindspore/ops/_op_impl/tbe/conv2d_backprop_filter_ds.py +0 -43
  699. mindspore/ops/_op_impl/tbe/conv2d_backprop_input.py +0 -42
  700. mindspore/ops/_op_impl/tbe/conv2d_backprop_input_ds.py +0 -44
  701. mindspore/ops/_op_impl/tbe/conv2d_ds.py +0 -47
  702. mindspore/ops/_op_impl/tbe/conv2d_transpose.py +0 -48
  703. mindspore/ops/_op_impl/tbe/conv3d.py +0 -45
  704. mindspore/ops/_op_impl/tbe/conv3d_backprop_filter.py +0 -42
  705. mindspore/ops/_op_impl/tbe/conv3d_backprop_input.py +0 -42
  706. mindspore/ops/_op_impl/tbe/conv3d_transpose.py +0 -47
  707. mindspore/ops/_op_impl/tbe/conv3d_transpose_ds.py +0 -48
  708. mindspore/ops/_op_impl/tbe/cos.py +0 -37
  709. mindspore/ops/_op_impl/tbe/cos_ds.py +0 -38
  710. mindspore/ops/_op_impl/tbe/cosh.py +0 -37
  711. mindspore/ops/_op_impl/tbe/cosh_ds.py +0 -38
  712. mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -42
  713. mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -44
  714. mindspore/ops/_op_impl/tbe/cum_sum.py +0 -42
  715. mindspore/ops/_op_impl/tbe/cum_sum_ds.py +0 -44
  716. mindspore/ops/_op_impl/tbe/cummin.py +0 -41
  717. mindspore/ops/_op_impl/tbe/cumprod.py +0 -42
  718. mindspore/ops/_op_impl/tbe/data_format_dim_map.py +0 -38
  719. mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +0 -40
  720. mindspore/ops/_op_impl/tbe/deformable_offsets.py +0 -45
  721. mindspore/ops/_op_impl/tbe/deformable_offsets_grad.py +0 -48
  722. mindspore/ops/_op_impl/tbe/depth_to_space_ds.py +0 -49
  723. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +0 -44
  724. mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_filter.py +0 -41
  725. mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_input.py +0 -41
  726. mindspore/ops/_op_impl/tbe/diag.py +0 -38
  727. mindspore/ops/_op_impl/tbe/diag_part.py +0 -38
  728. mindspore/ops/_op_impl/tbe/dilation.py +0 -40
  729. mindspore/ops/_op_impl/tbe/div.py +0 -41
  730. mindspore/ops/_op_impl/tbe/div_ds.py +0 -42
  731. mindspore/ops/_op_impl/tbe/div_no_nan.py +0 -41
  732. mindspore/ops/_op_impl/tbe/div_no_nan_ds.py +0 -42
  733. mindspore/ops/_op_impl/tbe/dropout_do_mask.py +0 -38
  734. mindspore/ops/_op_impl/tbe/dropout_do_mask_ds.py +0 -39
  735. mindspore/ops/_op_impl/tbe/dropout_do_mask_v3.py +0 -39
  736. mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +0 -34
  737. mindspore/ops/_op_impl/tbe/dynamic_gru_v2.py +0 -95
  738. mindspore/ops/_op_impl/tbe/dynamic_rnn.py +0 -82
  739. mindspore/ops/_op_impl/tbe/elu.py +0 -38
  740. mindspore/ops/_op_impl/tbe/elu_ds.py +0 -39
  741. mindspore/ops/_op_impl/tbe/elu_grad.py +0 -43
  742. mindspore/ops/_op_impl/tbe/elu_grad_ds.py +0 -44
  743. mindspore/ops/_op_impl/tbe/equal.py +0 -42
  744. mindspore/ops/_op_impl/tbe/equal_ds.py +0 -42
  745. mindspore/ops/_op_impl/tbe/erf.py +0 -37
  746. mindspore/ops/_op_impl/tbe/erf_ds.py +0 -38
  747. mindspore/ops/_op_impl/tbe/erfc.py +0 -37
  748. mindspore/ops/_op_impl/tbe/erfc_ds.py +0 -38
  749. mindspore/ops/_op_impl/tbe/erfinv.py +0 -36
  750. mindspore/ops/_op_impl/tbe/exp.py +0 -40
  751. mindspore/ops/_op_impl/tbe/exp_ds.py +0 -41
  752. mindspore/ops/_op_impl/tbe/expand_dims.py +0 -38
  753. mindspore/ops/_op_impl/tbe/expm1.py +0 -37
  754. mindspore/ops/_op_impl/tbe/expm1_ds.py +0 -38
  755. mindspore/ops/_op_impl/tbe/extract_image_patches.py +0 -41
  756. mindspore/ops/_op_impl/tbe/extract_volume_patches.py +0 -39
  757. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars.py +0 -39
  758. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_gradient.py +0 -43
  759. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel.py +0 -39
  760. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel_gradient.py +0 -43
  761. mindspore/ops/_op_impl/tbe/fast_gelu.py +0 -37
  762. mindspore/ops/_op_impl/tbe/fast_gelu_ds.py +0 -38
  763. mindspore/ops/_op_impl/tbe/fast_gelu_grad.py +0 -41
  764. mindspore/ops/_op_impl/tbe/fast_gelu_grad_ds.py +0 -42
  765. mindspore/ops/_op_impl/tbe/fill.py +0 -56
  766. mindspore/ops/_op_impl/tbe/fill_ds.py +0 -42
  767. mindspore/ops/_op_impl/tbe/flatten.py +0 -48
  768. mindspore/ops/_op_impl/tbe/floor.py +0 -37
  769. mindspore/ops/_op_impl/tbe/floor_div.py +0 -41
  770. mindspore/ops/_op_impl/tbe/floor_div_ds.py +0 -42
  771. mindspore/ops/_op_impl/tbe/floor_ds.py +0 -38
  772. mindspore/ops/_op_impl/tbe/floor_mod.py +0 -39
  773. mindspore/ops/_op_impl/tbe/floor_mod_ds.py +0 -40
  774. mindspore/ops/_op_impl/tbe/fused_dbn_dw.py +0 -52
  775. mindspore/ops/_op_impl/tbe/fused_mul_add.py +0 -38
  776. mindspore/ops/_op_impl/tbe/fused_mul_add_n.py +0 -48
  777. mindspore/ops/_op_impl/tbe/fused_mul_add_n_l2loss.py +0 -53
  778. mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum.py +0 -57
  779. mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum_extern.py +0 -67
  780. mindspore/ops/_op_impl/tbe/gather_nd.py +0 -52
  781. mindspore/ops/_op_impl/tbe/gather_nd_ds.py +0 -48
  782. mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
  783. mindspore/ops/_op_impl/tbe/gather_v2_ds.py +0 -68
  784. mindspore/ops/_op_impl/tbe/gelu.py +0 -37
  785. mindspore/ops/_op_impl/tbe/gelu_ds.py +0 -38
  786. mindspore/ops/_op_impl/tbe/gelu_grad.py +0 -42
  787. mindspore/ops/_op_impl/tbe/gelu_grad_ds.py +0 -43
  788. mindspore/ops/_op_impl/tbe/ger.py +0 -43
  789. mindspore/ops/_op_impl/tbe/ger_ds.py +0 -44
  790. mindspore/ops/_op_impl/tbe/greater.py +0 -43
  791. mindspore/ops/_op_impl/tbe/greater_equal.py +0 -41
  792. mindspore/ops/_op_impl/tbe/greater_equal_ds.py +0 -42
  793. mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad.py +0 -51
  794. mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad_cell.py +0 -52
  795. mindspore/ops/_op_impl/tbe/hard_swish.py +0 -37
  796. mindspore/ops/_op_impl/tbe/hard_swish_ds.py +0 -38
  797. mindspore/ops/_op_impl/tbe/hard_swish_grad.py +0 -41
  798. mindspore/ops/_op_impl/tbe/hard_swish_grad_ds.py +0 -42
  799. mindspore/ops/_op_impl/tbe/histogram_fixed_width.py +0 -40
  800. mindspore/ops/_op_impl/tbe/hshrink.py +0 -33
  801. mindspore/ops/_op_impl/tbe/hshrink_grad.py +0 -37
  802. mindspore/ops/_op_impl/tbe/hsigmoid.py +0 -45
  803. mindspore/ops/_op_impl/tbe/hsigmoid_grad.py +0 -39
  804. mindspore/ops/_op_impl/tbe/ifmr.py +0 -47
  805. mindspore/ops/_op_impl/tbe/ifmr_ds.py +0 -48
  806. mindspore/ops/_op_impl/tbe/im2col.py +0 -42
  807. mindspore/ops/_op_impl/tbe/in_top_k.py +0 -37
  808. mindspore/ops/_op_impl/tbe/inplace_add.py +0 -39
  809. mindspore/ops/_op_impl/tbe/inplace_index_add.py +0 -46
  810. mindspore/ops/_op_impl/tbe/inplace_sub.py +0 -39
  811. mindspore/ops/_op_impl/tbe/inplace_update.py +0 -39
  812. mindspore/ops/_op_impl/tbe/inplace_update_ds.py +0 -40
  813. mindspore/ops/_op_impl/tbe/inv.py +0 -38
  814. mindspore/ops/_op_impl/tbe/inv_ds.py +0 -39
  815. mindspore/ops/_op_impl/tbe/inv_grad.py +0 -40
  816. mindspore/ops/_op_impl/tbe/inv_grad_ds.py +0 -41
  817. mindspore/ops/_op_impl/tbe/invert.py +0 -37
  818. mindspore/ops/_op_impl/tbe/invert_ds.py +0 -38
  819. mindspore/ops/_op_impl/tbe/iou.py +0 -38
  820. mindspore/ops/_op_impl/tbe/iou_ds.py +0 -39
  821. mindspore/ops/_op_impl/tbe/is_close.py +0 -40
  822. mindspore/ops/_op_impl/tbe/kl_div_loss.py +0 -38
  823. mindspore/ops/_op_impl/tbe/kl_div_loss_ds.py +0 -39
  824. mindspore/ops/_op_impl/tbe/kl_div_loss_grad.py +0 -40
  825. mindspore/ops/_op_impl/tbe/l2_loss.py +0 -36
  826. mindspore/ops/_op_impl/tbe/l2_loss_ds.py +0 -37
  827. mindspore/ops/_op_impl/tbe/l2_normalize.py +0 -38
  828. mindspore/ops/_op_impl/tbe/l2_normalize_grad.py +0 -40
  829. mindspore/ops/_op_impl/tbe/lamb_apply_optimizer_assign.py +0 -55
  830. mindspore/ops/_op_impl/tbe/lamb_apply_weight_assign.py +0 -42
  831. mindspore/ops/_op_impl/tbe/lamb_next_mv.py +0 -59
  832. mindspore/ops/_op_impl/tbe/lamb_next_mv_with_decay.py +0 -59
  833. mindspore/ops/_op_impl/tbe/lamb_next_right.py +0 -44
  834. mindspore/ops/_op_impl/tbe/lamb_update_with_lr.py +0 -48
  835. mindspore/ops/_op_impl/tbe/lamb_update_with_lr_v2.py +0 -44
  836. mindspore/ops/_op_impl/tbe/lars_update.py +0 -50
  837. mindspore/ops/_op_impl/tbe/lars_update_ds.py +0 -51
  838. mindspore/ops/_op_impl/tbe/layer_norm.py +0 -46
  839. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop.py +0 -44
  840. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_ds.py +0 -45
  841. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -40
  842. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2_ds.py +0 -41
  843. mindspore/ops/_op_impl/tbe/layer_norm_ds.py +0 -47
  844. mindspore/ops/_op_impl/tbe/layer_norm_grad.py +0 -48
  845. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop.py +0 -43
  846. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_ds.py +0 -44
  847. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2.py +0 -45
  848. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2_ds.py +0 -45
  849. mindspore/ops/_op_impl/tbe/lerp.py +0 -38
  850. mindspore/ops/_op_impl/tbe/less.py +0 -41
  851. mindspore/ops/_op_impl/tbe/less_ds.py +0 -42
  852. mindspore/ops/_op_impl/tbe/less_equal.py +0 -41
  853. mindspore/ops/_op_impl/tbe/less_equal_ds.py +0 -42
  854. mindspore/ops/_op_impl/tbe/log.py +0 -40
  855. mindspore/ops/_op_impl/tbe/log1p.py +0 -37
  856. mindspore/ops/_op_impl/tbe/log1p_ds.py +0 -38
  857. mindspore/ops/_op_impl/tbe/log_ds.py +0 -41
  858. mindspore/ops/_op_impl/tbe/logical_and.py +0 -37
  859. mindspore/ops/_op_impl/tbe/logical_and_ds.py +0 -38
  860. mindspore/ops/_op_impl/tbe/logical_not.py +0 -36
  861. mindspore/ops/_op_impl/tbe/logical_not_ds.py +0 -37
  862. mindspore/ops/_op_impl/tbe/logical_or.py +0 -37
  863. mindspore/ops/_op_impl/tbe/logical_or_ds.py +0 -38
  864. mindspore/ops/_op_impl/tbe/logsoftmax.py +0 -37
  865. mindspore/ops/_op_impl/tbe/logsoftmax_ds.py +0 -38
  866. mindspore/ops/_op_impl/tbe/logsoftmax_grad.py +0 -38
  867. mindspore/ops/_op_impl/tbe/logsoftmax_grad_ds.py +0 -39
  868. mindspore/ops/_op_impl/tbe/lp_norm.py +0 -40
  869. mindspore/ops/_op_impl/tbe/lp_norm_ds.py +0 -41
  870. mindspore/ops/_op_impl/tbe/lrn.py +0 -41
  871. mindspore/ops/_op_impl/tbe/lrn_grad.py +0 -42
  872. mindspore/ops/_op_impl/tbe/lstm_input_grad.py +0 -51
  873. mindspore/ops/_op_impl/tbe/masked_fill.py +0 -40
  874. mindspore/ops/_op_impl/tbe/masked_fill_ds.py +0 -41
  875. mindspore/ops/_op_impl/tbe/matmul.py +0 -53
  876. mindspore/ops/_op_impl/tbe/matmul_ds.py +0 -47
  877. mindspore/ops/_op_impl/tbe/matmul_v2.py +0 -50
  878. mindspore/ops/_op_impl/tbe/matrix_diag.py +0 -45
  879. mindspore/ops/_op_impl/tbe/matrix_diag_part.py +0 -45
  880. mindspore/ops/_op_impl/tbe/matrix_set_diag.py +0 -46
  881. mindspore/ops/_op_impl/tbe/max_pool.py +0 -39
  882. mindspore/ops/_op_impl/tbe/max_pool3d.py +0 -44
  883. mindspore/ops/_op_impl/tbe/max_pool3d_grad.py +0 -43
  884. mindspore/ops/_op_impl/tbe/max_pool3d_grad_grad.py +0 -44
  885. mindspore/ops/_op_impl/tbe/max_pool_ds.py +0 -40
  886. mindspore/ops/_op_impl/tbe/max_pool_grad.py +0 -43
  887. mindspore/ops/_op_impl/tbe/max_pool_grad_grad.py +0 -41
  888. mindspore/ops/_op_impl/tbe/max_pool_grad_grad_with_argmax.py +0 -41
  889. mindspore/ops/_op_impl/tbe/max_pool_grad_with_argmax.py +0 -42
  890. mindspore/ops/_op_impl/tbe/max_pool_with_argmax.py +0 -40
  891. mindspore/ops/_op_impl/tbe/maximum.py +0 -39
  892. mindspore/ops/_op_impl/tbe/maximum_ds.py +0 -40
  893. mindspore/ops/_op_impl/tbe/maximum_grad.py +0 -46
  894. mindspore/ops/_op_impl/tbe/maximum_grad_ds.py +0 -47
  895. mindspore/ops/_op_impl/tbe/mem_set.py +0 -38
  896. mindspore/ops/_op_impl/tbe/minimum.py +0 -40
  897. mindspore/ops/_op_impl/tbe/minimum_ds.py +0 -41
  898. mindspore/ops/_op_impl/tbe/minimum_grad.py +0 -46
  899. mindspore/ops/_op_impl/tbe/minimum_grad_ds.py +0 -47
  900. mindspore/ops/_op_impl/tbe/mish.py +0 -37
  901. mindspore/ops/_op_impl/tbe/mod.py +0 -41
  902. mindspore/ops/_op_impl/tbe/mod_ds.py +0 -42
  903. mindspore/ops/_op_impl/tbe/mul.py +0 -37
  904. mindspore/ops/_op_impl/tbe/mul_ds.py +0 -38
  905. mindspore/ops/_op_impl/tbe/mul_no_nan.py +0 -39
  906. mindspore/ops/_op_impl/tbe/mul_no_nan_ds.py +0 -40
  907. mindspore/ops/_op_impl/tbe/multilabel_margin_loss.py +0 -39
  908. mindspore/ops/_op_impl/tbe/neg.py +0 -39
  909. mindspore/ops/_op_impl/tbe/neg_ds.py +0 -40
  910. mindspore/ops/_op_impl/tbe/new_im2col.py +0 -40
  911. mindspore/ops/_op_impl/tbe/nll_loss.py +0 -41
  912. mindspore/ops/_op_impl/tbe/nll_loss_grad.py +0 -44
  913. mindspore/ops/_op_impl/tbe/nms_with_mask.py +0 -39
  914. mindspore/ops/_op_impl/tbe/not_equal.py +0 -41
  915. mindspore/ops/_op_impl/tbe/not_equal_ds.py +0 -42
  916. mindspore/ops/_op_impl/tbe/npu_alloc_float_status.py +0 -34
  917. mindspore/ops/_op_impl/tbe/npu_clear_float_status.py +0 -35
  918. mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +0 -35
  919. mindspore/ops/_op_impl/tbe/npu_get_float_status.py +0 -35
  920. mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +0 -35
  921. mindspore/ops/_op_impl/tbe/one_hot.py +0 -48
  922. mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -45
  923. mindspore/ops/_op_impl/tbe/ones_like.py +0 -40
  924. mindspore/ops/_op_impl/tbe/ones_like_ds.py +0 -41
  925. mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling.py +0 -40
  926. mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling_grad.py +0 -40
  927. mindspore/ops/_op_impl/tbe/pack.py +0 -58
  928. mindspore/ops/_op_impl/tbe/pack_ds.py +0 -59
  929. mindspore/ops/_op_impl/tbe/pad_d.py +0 -40
  930. mindspore/ops/_op_impl/tbe/pad_d_ds.py +0 -41
  931. mindspore/ops/_op_impl/tbe/parallel_concat.py +0 -70
  932. mindspore/ops/_op_impl/tbe/parallel_resize_bilinear.py +0 -45
  933. mindspore/ops/_op_impl/tbe/parallel_resize_bilinear_grad.py +0 -44
  934. mindspore/ops/_op_impl/tbe/pdist.py +0 -36
  935. mindspore/ops/_op_impl/tbe/pooling.py +0 -46
  936. mindspore/ops/_op_impl/tbe/population_count.py +0 -38
  937. mindspore/ops/_op_impl/tbe/pow.py +0 -41
  938. mindspore/ops/_op_impl/tbe/pow_ds.py +0 -42
  939. mindspore/ops/_op_impl/tbe/prelu.py +0 -37
  940. mindspore/ops/_op_impl/tbe/prelu_ds.py +0 -38
  941. mindspore/ops/_op_impl/tbe/prelu_grad.py +0 -40
  942. mindspore/ops/_op_impl/tbe/range.py +0 -39
  943. mindspore/ops/_op_impl/tbe/real_div.py +0 -38
  944. mindspore/ops/_op_impl/tbe/real_div_ds.py +0 -39
  945. mindspore/ops/_op_impl/tbe/reciprocal.py +0 -36
  946. mindspore/ops/_op_impl/tbe/reciprocal_ds.py +0 -37
  947. mindspore/ops/_op_impl/tbe/reciprocal_grad.py +0 -38
  948. mindspore/ops/_op_impl/tbe/reciprocal_grad_ds.py +0 -39
  949. mindspore/ops/_op_impl/tbe/reduce_all.py +0 -38
  950. mindspore/ops/_op_impl/tbe/reduce_all_ds.py +0 -39
  951. mindspore/ops/_op_impl/tbe/reduce_any.py +0 -38
  952. mindspore/ops/_op_impl/tbe/reduce_any_ds.py +0 -39
  953. mindspore/ops/_op_impl/tbe/reduce_max.py +0 -43
  954. mindspore/ops/_op_impl/tbe/reduce_max_ds.py +0 -41
  955. mindspore/ops/_op_impl/tbe/reduce_mean.py +0 -40
  956. mindspore/ops/_op_impl/tbe/reduce_mean_ds.py +0 -42
  957. mindspore/ops/_op_impl/tbe/reduce_min.py +0 -41
  958. mindspore/ops/_op_impl/tbe/reduce_min_ds.py +0 -41
  959. mindspore/ops/_op_impl/tbe/reduce_prod.py +0 -42
  960. mindspore/ops/_op_impl/tbe/reduce_prod_ds.py +0 -41
  961. mindspore/ops/_op_impl/tbe/reduce_std.py +0 -44
  962. mindspore/ops/_op_impl/tbe/reduce_sum.py +0 -39
  963. mindspore/ops/_op_impl/tbe/reduce_sum_ds.py +0 -41
  964. mindspore/ops/_op_impl/tbe/relu.py +0 -39
  965. mindspore/ops/_op_impl/tbe/relu6.py +0 -38
  966. mindspore/ops/_op_impl/tbe/relu6_ds.py +0 -39
  967. mindspore/ops/_op_impl/tbe/relu6_grad.py +0 -43
  968. mindspore/ops/_op_impl/tbe/relu6_grad_ds.py +0 -44
  969. mindspore/ops/_op_impl/tbe/relu_ds.py +0 -40
  970. mindspore/ops/_op_impl/tbe/relu_grad.py +0 -41
  971. mindspore/ops/_op_impl/tbe/relu_grad_ds.py +0 -42
  972. mindspore/ops/_op_impl/tbe/relu_grad_v2.py +0 -40
  973. mindspore/ops/_op_impl/tbe/relu_grad_v2_ds.py +0 -41
  974. mindspore/ops/_op_impl/tbe/relu_v2.py +0 -40
  975. mindspore/ops/_op_impl/tbe/relu_v2_ds.py +0 -41
  976. mindspore/ops/_op_impl/tbe/renorm.py +0 -39
  977. mindspore/ops/_op_impl/tbe/resize_bilinear.py +0 -40
  978. mindspore/ops/_op_impl/tbe/resize_bilinear_grad.py +0 -41
  979. mindspore/ops/_op_impl/tbe/resize_bilinear_v2.py +0 -43
  980. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor.py +0 -40
  981. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_ds.py +0 -40
  982. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad.py +0 -39
  983. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad_ds.py +0 -42
  984. mindspore/ops/_op_impl/tbe/reverse_v2_d.py +0 -37
  985. mindspore/ops/_op_impl/tbe/rint.py +0 -37
  986. mindspore/ops/_op_impl/tbe/rint_ds.py +0 -38
  987. mindspore/ops/_op_impl/tbe/roi_align.py +0 -43
  988. mindspore/ops/_op_impl/tbe/roi_align_ds.py +0 -44
  989. mindspore/ops/_op_impl/tbe/roi_align_grad.py +0 -43
  990. mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +0 -44
  991. mindspore/ops/_op_impl/tbe/roll.py +0 -42
  992. mindspore/ops/_op_impl/tbe/round.py +0 -38
  993. mindspore/ops/_op_impl/tbe/round_ds.py +0 -39
  994. mindspore/ops/_op_impl/tbe/rsqrt.py +0 -37
  995. mindspore/ops/_op_impl/tbe/rsqrt_ds.py +0 -38
  996. mindspore/ops/_op_impl/tbe/rsqrt_grad.py +0 -40
  997. mindspore/ops/_op_impl/tbe/rsqrt_grad_ds.py +0 -41
  998. mindspore/ops/_op_impl/tbe/scatter_add.py +0 -44
  999. mindspore/ops/_op_impl/tbe/scatter_div.py +0 -46
  1000. mindspore/ops/_op_impl/tbe/scatter_max.py +0 -45
  1001. mindspore/ops/_op_impl/tbe/scatter_min.py +0 -45
  1002. mindspore/ops/_op_impl/tbe/scatter_mul.py +0 -44
  1003. mindspore/ops/_op_impl/tbe/scatter_nd.py +0 -41
  1004. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -45
  1005. mindspore/ops/_op_impl/tbe/scatter_nd_d.py +0 -41
  1006. mindspore/ops/_op_impl/tbe/scatter_nd_ds.py +0 -49
  1007. mindspore/ops/_op_impl/tbe/scatter_nd_sub.py +0 -47
  1008. mindspore/ops/_op_impl/tbe/scatter_nd_sub_ds.py +0 -48
  1009. mindspore/ops/_op_impl/tbe/scatter_nd_update.py +0 -47
  1010. mindspore/ops/_op_impl/tbe/scatter_nd_update_ds.py +0 -48
  1011. mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add.py +0 -39
  1012. mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add_ds.py +0 -40
  1013. mindspore/ops/_op_impl/tbe/scatter_sub.py +0 -47
  1014. mindspore/ops/_op_impl/tbe/scatter_sub_ds.py +0 -48
  1015. mindspore/ops/_op_impl/tbe/scatter_update.py +0 -43
  1016. mindspore/ops/_op_impl/tbe/select.py +0 -38
  1017. mindspore/ops/_op_impl/tbe/select_ds.py +0 -39
  1018. mindspore/ops/_op_impl/tbe/selu.py +0 -39
  1019. mindspore/ops/_op_impl/tbe/selu_ds.py +0 -40
  1020. mindspore/ops/_op_impl/tbe/sgd.py +0 -62
  1021. mindspore/ops/_op_impl/tbe/sigmoid.py +0 -37
  1022. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits.py +0 -41
  1023. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_ds.py +0 -42
  1024. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad.py +0 -42
  1025. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad_ds.py +0 -43
  1026. mindspore/ops/_op_impl/tbe/sigmoid_ds.py +0 -38
  1027. mindspore/ops/_op_impl/tbe/sigmoid_grad.py +0 -39
  1028. mindspore/ops/_op_impl/tbe/sigmoid_grad_ds.py +0 -40
  1029. mindspore/ops/_op_impl/tbe/sign.py +0 -38
  1030. mindspore/ops/_op_impl/tbe/sign_ds.py +0 -39
  1031. mindspore/ops/_op_impl/tbe/sin.py +0 -37
  1032. mindspore/ops/_op_impl/tbe/sin_ds.py +0 -38
  1033. mindspore/ops/_op_impl/tbe/sinh.py +0 -37
  1034. mindspore/ops/_op_impl/tbe/sinh_ds.py +0 -38
  1035. mindspore/ops/_op_impl/tbe/slice.py +0 -58
  1036. mindspore/ops/_op_impl/tbe/smooth_l1_loss.py +0 -45
  1037. mindspore/ops/_op_impl/tbe/smooth_l1_loss_ds.py +0 -46
  1038. mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad.py +0 -46
  1039. mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad_ds.py +0 -47
  1040. mindspore/ops/_op_impl/tbe/soft_margin_loss.py +0 -38
  1041. mindspore/ops/_op_impl/tbe/soft_margin_loss_grad.py +0 -39
  1042. mindspore/ops/_op_impl/tbe/soft_shrink.py +0 -36
  1043. mindspore/ops/_op_impl/tbe/soft_shrink_grad.py +0 -38
  1044. mindspore/ops/_op_impl/tbe/softmax.py +0 -37
  1045. mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits.py +0 -38
  1046. mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits_ds.py +0 -39
  1047. mindspore/ops/_op_impl/tbe/softmax_ds.py +0 -38
  1048. mindspore/ops/_op_impl/tbe/softmax_grad_ext.py +0 -42
  1049. mindspore/ops/_op_impl/tbe/softmax_v2_with_dropout_do_mask_v3.py +0 -39
  1050. mindspore/ops/_op_impl/tbe/softplus.py +0 -37
  1051. mindspore/ops/_op_impl/tbe/softplus_ds.py +0 -38
  1052. mindspore/ops/_op_impl/tbe/softplus_grad.py +0 -38
  1053. mindspore/ops/_op_impl/tbe/softplus_grad_ds.py +0 -38
  1054. mindspore/ops/_op_impl/tbe/softsign.py +0 -37
  1055. mindspore/ops/_op_impl/tbe/softsign_ds.py +0 -38
  1056. mindspore/ops/_op_impl/tbe/sort.py +0 -38
  1057. mindspore/ops/_op_impl/tbe/sort_ds.py +0 -39
  1058. mindspore/ops/_op_impl/tbe/space_to_batch.py +0 -38
  1059. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +0 -38
  1060. mindspore/ops/_op_impl/tbe/space_to_depth.py +0 -47
  1061. mindspore/ops/_op_impl/tbe/sparse_apply_adadelta.py +0 -56
  1062. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad.py +0 -45
  1063. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_ds.py +0 -46
  1064. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2.py +0 -46
  1065. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2_ds.py +0 -47
  1066. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d.py +0 -53
  1067. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d_ds.py +0 -50
  1068. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_v2.py +0 -50
  1069. mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad.py +0 -66
  1070. mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad_ds.py +0 -67
  1071. mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop.py +0 -57
  1072. mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop_ds.py +0 -58
  1073. mindspore/ops/_op_impl/tbe/sparse_gather_v2.py +0 -56
  1074. mindspore/ops/_op_impl/tbe/sparse_gather_v2_ds.py +0 -58
  1075. mindspore/ops/_op_impl/tbe/split_d.py +0 -38
  1076. mindspore/ops/_op_impl/tbe/split_d_ds.py +0 -39
  1077. mindspore/ops/_op_impl/tbe/split_v.py +0 -39
  1078. mindspore/ops/_op_impl/tbe/splitv.py +0 -39
  1079. mindspore/ops/_op_impl/tbe/sqrt.py +0 -37
  1080. mindspore/ops/_op_impl/tbe/sqrt_ds.py +0 -38
  1081. mindspore/ops/_op_impl/tbe/sqrt_grad.py +0 -43
  1082. mindspore/ops/_op_impl/tbe/sqrt_grad_ds.py +0 -44
  1083. mindspore/ops/_op_impl/tbe/square.py +0 -38
  1084. mindspore/ops/_op_impl/tbe/square_ds.py +0 -39
  1085. mindspore/ops/_op_impl/tbe/square_sum_all.py +0 -40
  1086. mindspore/ops/_op_impl/tbe/square_sum_all_ds.py +0 -41
  1087. mindspore/ops/_op_impl/tbe/square_sum_v1.py +0 -38
  1088. mindspore/ops/_op_impl/tbe/square_sum_v1_ds.py +0 -39
  1089. mindspore/ops/_op_impl/tbe/square_sum_v2.py +0 -39
  1090. mindspore/ops/_op_impl/tbe/squared_difference.py +0 -39
  1091. mindspore/ops/_op_impl/tbe/squared_difference_ds.py +0 -41
  1092. mindspore/ops/_op_impl/tbe/squeeze.py +0 -37
  1093. mindspore/ops/_op_impl/tbe/strided_read.py +0 -38
  1094. mindspore/ops/_op_impl/tbe/strided_slice_d.py +0 -44
  1095. mindspore/ops/_op_impl/tbe/strided_slice_ds.py +0 -71
  1096. mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +0 -51
  1097. mindspore/ops/_op_impl/tbe/strided_slice_grad_ds.py +0 -57
  1098. mindspore/ops/_op_impl/tbe/strided_write.py +0 -38
  1099. mindspore/ops/_op_impl/tbe/sub.py +0 -39
  1100. mindspore/ops/_op_impl/tbe/sub_ds.py +0 -40
  1101. mindspore/ops/_op_impl/tbe/tan.py +0 -38
  1102. mindspore/ops/_op_impl/tbe/tan_ds.py +0 -39
  1103. mindspore/ops/_op_impl/tbe/tanh.py +0 -37
  1104. mindspore/ops/_op_impl/tbe/tanh_ds.py +0 -38
  1105. mindspore/ops/_op_impl/tbe/tanh_grad.py +0 -39
  1106. mindspore/ops/_op_impl/tbe/tanh_grad_ds.py +0 -40
  1107. mindspore/ops/_op_impl/tbe/tensor_move.py +0 -49
  1108. mindspore/ops/_op_impl/tbe/tensor_move_ds.py +0 -50
  1109. mindspore/ops/_op_impl/tbe/tensor_scatter_update.py +0 -41
  1110. mindspore/ops/_op_impl/tbe/tile.py +0 -37
  1111. mindspore/ops/_op_impl/tbe/tile_ds.py +0 -42
  1112. mindspore/ops/_op_impl/tbe/top_k.py +0 -42
  1113. mindspore/ops/_op_impl/tbe/top_k_ds.py +0 -43
  1114. mindspore/ops/_op_impl/tbe/trans_data.py +0 -167
  1115. mindspore/ops/_op_impl/tbe/trans_data_ds.py +0 -180
  1116. mindspore/ops/_op_impl/tbe/trans_data_rnn.py +0 -44
  1117. mindspore/ops/_op_impl/tbe/transpose.py +0 -60
  1118. mindspore/ops/_op_impl/tbe/transpose_d.py +0 -47
  1119. mindspore/ops/_op_impl/tbe/transpose_nod.py +0 -60
  1120. mindspore/ops/_op_impl/tbe/trunc.py +0 -39
  1121. mindspore/ops/_op_impl/tbe/truncate_div.py +0 -41
  1122. mindspore/ops/_op_impl/tbe/truncate_div_ds.py +0 -42
  1123. mindspore/ops/_op_impl/tbe/truncate_mod.py +0 -41
  1124. mindspore/ops/_op_impl/tbe/truncate_mod_ds.py +0 -42
  1125. mindspore/ops/_op_impl/tbe/unpack.py +0 -38
  1126. mindspore/ops/_op_impl/tbe/unpack_ds.py +0 -39
  1127. mindspore/ops/_op_impl/tbe/unsorted_segment_max.py +0 -49
  1128. mindspore/ops/_op_impl/tbe/unsorted_segment_max_ds.py +0 -40
  1129. mindspore/ops/_op_impl/tbe/unsorted_segment_min.py +0 -49
  1130. mindspore/ops/_op_impl/tbe/unsorted_segment_min_ds.py +0 -40
  1131. mindspore/ops/_op_impl/tbe/unsorted_segment_prod.py +0 -49
  1132. mindspore/ops/_op_impl/tbe/unsorted_segment_prod_ds.py +0 -38
  1133. mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +0 -38
  1134. mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +0 -41
  1135. mindspore/ops/_op_impl/tbe/wts_arq.py +0 -40
  1136. mindspore/ops/_op_impl/tbe/xdivy.py +0 -38
  1137. mindspore/ops/_op_impl/tbe/xdivy_ds.py +0 -39
  1138. mindspore/ops/_op_impl/tbe/xlogy.py +0 -38
  1139. mindspore/ops/_op_impl/tbe/xlogy_ds.py +0 -39
  1140. mindspore/ops/_op_impl/tbe/zeros_like.py +0 -41
  1141. mindspore/ops/_op_impl/tbe/zeros_like_ds.py +0 -42
  1142. mindspore/ops/_tracefunc.py +0 -241
  1143. mindspore/ops/arg_dtype_cast.py +0 -54
  1144. mindspore/rewrite/api/tree_node_helper.py +0 -60
  1145. mindspore/rewrite/ast_helpers/ast_creator.py +0 -115
  1146. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +0 -267
  1147. mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +0 -228
  1148. mindspore/rewrite/namespace.py +0 -53
  1149. mindspore-2.2.11.dist-info/RECORD +0 -1920
  1150. {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/WHEEL +0 -0
  1151. {mindspore-2.2.11.dist-info → mindspore-2.3.0.dist-info}/top_level.txt +0 -0
@@ -20,17 +20,24 @@ from mindspore.common._register_for_tensor import tensor_operator_registry
20
20
  from mindspore.ops import _constants
21
21
  from mindspore.ops.function import *
22
22
  from mindspore.ops.function.array_func import narrow, flatten
23
- from mindspore.ops.function.math_func import all
23
+ from mindspore.ops.function.math_func import all, argmax_ext
24
+ from mindspore.ops.function.random_func import uniform_ext
24
25
  from mindspore.ops import operations as P
25
26
  from mindspore.ops.operations import array_ops
27
+ from mindspore.ops.operations._sequence_ops import TensorToTuple
26
28
  from mindspore.ops.primitive import Primitive
27
- from mindspore.ops.operations import _grad_ops, _csr_ops, _inner_ops, linalg_ops, _scalar_ops, _sequence_ops
29
+ from mindspore.ops.operations import _grad_ops, _csr_ops, _inner_ops, linalg_ops, _sequence_ops, other_ops
28
30
  from mindspore.ops.operations.math_ops import Median
29
31
  from mindspore.ops.operations.array_ops import UniqueConsecutive
30
32
  from mindspore.ops.operations.nn_ops import AdaptiveMaxPool2D
31
33
  from mindspore.ops.operations.math_ops import Roll
32
34
  from mindspore.ops.composite.math_ops import mm
33
35
  from mindspore.ops.function.math_func import dot
36
+ from mindspore.ops import auto_generate
37
+ from mindspore.ops_generate.gen_ops_inner_prim import DtypeToEnum
38
+ from mindspore.ops.operations.manually_defined.ops_def import scalar_div, scalar_mod, scalar_add, scalar_mul,\
39
+ scalar_sub, scalar_gt, scalar_ge, scalar_le, scalar_lt, scalar_eq, scalar_floordiv, scalar_log, scalar_pow,\
40
+ scalar_uadd, scalar_usub, flash_attention_score
34
41
 
35
42
  typeof = Primitive('typeof')
36
43
  hastype = Primitive('hastype')
@@ -48,6 +55,8 @@ tensor_range = P.Range()
48
55
  tensor_scatter_update = P.TensorScatterUpdate()
49
56
  scatter_nd_update = P.ScatterNdUpdate()
50
57
  mixed_precision_cast = _inner_ops.MixedPrecisionCast()
58
+ _py_interpret = other_ops.PyInterpret()
59
+ _dtype_to_enum = DtypeToEnum()
51
60
 
52
61
  # Dynamic shape
53
62
  is_sequence_value_unknown = Primitive("IsShapeUnKnown")
@@ -60,22 +69,6 @@ partial = P.Partial()
60
69
  depend = P.Depend()
61
70
  identity = P.identity()
62
71
  # tuple/list/scalar ops
63
- scalar_div = _scalar_ops.ScalarDiv()
64
- scalar_mod = _scalar_ops.ScalarMod()
65
- scalar_add = _scalar_ops.ScalarAdd()
66
- scalar_mul = _scalar_ops.ScalarMul()
67
- scalar_sub = _scalar_ops.ScalarSub()
68
- scalar_gt = _scalar_ops.scalar_gt()
69
- scalar_ge = _scalar_ops.scalar_ge()
70
- scalar_le = _scalar_ops.scalar_le()
71
- scalar_lt = _scalar_ops.scalar_lt()
72
- scalar_eq = _scalar_ops.scalar_eq()
73
- scalar_floordiv = _scalar_ops.ScalarFloordiv()
74
- scalar_log = _scalar_ops.ScalarLog()
75
- scalar_pow = _scalar_ops.ScalarPow()
76
- scalar_uadd = _scalar_ops.ScalarUadd()
77
- scalar_usub = _scalar_ops.ScalarUsub()
78
-
79
72
  tuple_setitem = Primitive('tuple_setitem')
80
73
  tuple_getitem = Primitive(_constants.kTupleGetItem)
81
74
  list_getitem = Primitive('list_getitem')
@@ -96,7 +89,7 @@ list_equal = Primitive("list_equal")
96
89
  scalar_ne = Primitive('scalar_ne')
97
90
  string_eq = Primitive('string_eq')
98
91
  string_concat = Primitive('string_concat')
99
- bool_not = Primitive("bool_not")
92
+ bool_not = Primitive('BoolNot')
100
93
  bool_or = Primitive("bool_or")
101
94
  bool_and = Primitive("bool_and")
102
95
  bool_eq = Primitive("bool_eq")
@@ -123,333 +116,339 @@ reduced_shape = Primitive("reduced_shape")
123
116
  # shape_mul:input must be shape multiply elements in tuple(shape)
124
117
  shape_mul = _sequence_ops.shape_mul()
125
118
 
126
- tensor_operator_registry.register('tuple_to_tensor', _sequence_ops.TupleToTensor)
127
- tensor_operator_registry.register('add', P.Add)
128
- tensor_operator_registry.register('addr', addr)
129
- tensor_operator_registry.register('addcdiv', P.Addcdiv)
130
- tensor_operator_registry.register('addcmul', P.Addcmul)
131
- tensor_operator_registry.register('all', all)
132
- tensor_operator_registry.register('angle', angle)
133
- tensor_operator_registry.register('any', P.ReduceAny)
134
- tensor_operator_registry.register('atan2', atan2)
135
- tensor_operator_registry.register('abs', abs)
136
- tensor_operator_registry.register('baddbmm', baddbmm)
137
- tensor_operator_registry.register('geqrf', geqrf)
138
- tensor_operator_registry.register('histc', histc)
139
- tensor_operator_registry.register('real', real)
140
- tensor_operator_registry.register('reciprocal', reciprocal)
141
- tensor_operator_registry.register('rsqrt', rsqrt)
142
- tensor_operator_registry.register('bincount', bincount)
143
- tensor_operator_registry.register('slogdet', slogdet)
144
- tensor_operator_registry.register('trace', trace)
145
- tensor_operator_registry.register('tril', tril)
146
- tensor_operator_registry.register('chunk', chunk)
147
- tensor_operator_registry.register('count_nonzero', count_nonzero)
148
- tensor_operator_registry.register('sqrt', sqrt)
149
- tensor_operator_registry.register('square', square)
150
- tensor_operator_registry.register('sub', sub)
151
- tensor_operator_registry.register('triu', triu)
152
- tensor_operator_registry.register('tan', P.Tan)
153
- tensor_operator_registry.register('t', t)
154
- tensor_operator_registry.register('cauchy', P.Cauchy)
155
- tensor_operator_registry.register('log_normal', P.LogNormalReverse)
156
- tensor_operator_registry.register('acos', acos)
157
- tensor_operator_registry.register('cos', cos)
158
- tensor_operator_registry.register('acosh', acosh)
159
- tensor_operator_registry.register('cosh', P.Cosh)
160
- tensor_operator_registry.register('cov', cov)
161
- tensor_operator_registry.register('asin', asin)
162
- tensor_operator_registry.register('sin', sin)
163
- tensor_operator_registry.register('sinc', sinc)
164
- tensor_operator_registry.register('pow', P.Pow)
165
- tensor_operator_registry.register('negative', neg)
166
- tensor_operator_registry.register('amin', amin)
167
- tensor_operator_registry.register('amax', amax)
168
- tensor_operator_registry.register('aminmax', aminmax)
169
- tensor_operator_registry.register('mean', mean)
170
- tensor_operator_registry.register('prod', prod)
171
- tensor_operator_registry.register('round', P.Round)
172
- tensor_operator_registry.register('reshape', reshape)
173
- tensor_operator_registry.register('reverse', P.ReverseV2)
174
- tensor_operator_registry.register('reverse_sequence', P.ReverseSequence)
175
- tensor_operator_registry.register('xlogy', P.Xlogy)
176
- tensor_operator_registry.register('flatten', flatten)
177
- tensor_operator_registry.register('transpose', P.Transpose)
178
- tensor_operator_registry.register('broadcast_to', P.BroadcastTo)
179
- tensor_operator_registry.register('matmul', matmul)
180
- tensor_operator_registry.register('inner', inner)
181
- tensor_operator_registry.register('xdivy', P.Xdivy)
182
- tensor_operator_registry.register('argmax', argmax)
183
- tensor_operator_registry.register('argmin', argmin)
184
- tensor_operator_registry.register('cumsum', P.CumSum)
185
- tensor_operator_registry.register('cummin', cummin)
186
- tensor_operator_registry.register('cummax', cummax)
187
- tensor_operator_registry.register('nelement', numel)
188
- tensor_operator_registry.register('numel', numel)
189
- tensor_operator_registry.register('positive', positive)
190
- tensor_operator_registry.register('permute', permute)
191
- tensor_operator_registry.register('remainder', remainder)
192
- tensor_operator_registry.register('index_fill', index_fill)
193
- tensor_operator_registry.register('index_select', index_select)
194
- tensor_operator_registry.register('flip', flip)
195
- tensor_operator_registry.register('fliplr', fliplr)
196
- tensor_operator_registry.register('flipud', flipud)
197
- tensor_operator_registry.register('float_power', float_power)
198
- tensor_operator_registry.register('fmax', fmax)
199
- tensor_operator_registry.register('fmin', fmin)
200
- tensor_operator_registry.register('fmod', fmod)
201
- tensor_operator_registry.register('is_floating_point', is_floating_point)
202
- tensor_operator_registry.register('bitwise_and', bitwise_and)
203
- tensor_operator_registry.register('bitwise_or', bitwise_or)
204
- tensor_operator_registry.register('bitwise_xor', bitwise_xor)
205
- tensor_operator_registry.register('bitwise_left_shift', bitwise_left_shift)
206
- tensor_operator_registry.register('bitwise_right_shift', bitwise_right_shift)
207
- tensor_operator_registry.register('ger', ger)
208
- tensor_operator_registry.register('reduce_max', P.ReduceMax)
209
- tensor_operator_registry.register('reduce_min', P.ReduceMin)
210
- tensor_operator_registry.register('random_categorical', random_categorical)
211
- tensor_operator_registry.register('mirror_pad', P.MirrorPad)
212
- tensor_operator_registry.register('minimum', P.Minimum)
213
- tensor_operator_registry.register('matrix_power', matrix_power)
214
- tensor_operator_registry.register('det', det)
215
- tensor_operator_registry.register('dot', dot)
216
- tensor_operator_registry.register('outer', outer)
217
- tensor_operator_registry.register('log1p', log1p)
218
- tensor_operator_registry.register('logdet', logdet)
219
- tensor_operator_registry.register('log_matrix_determinant', log_matrix_determinant)
220
- tensor_operator_registry.register('matrix_determinant', matrix_determinant)
221
- tensor_operator_registry.register('ceil', P.Ceil)
222
- tensor_operator_registry.register('fillv2', P.FillV2)
223
- tensor_operator_registry.register('tile', tile)
224
- tensor_operator_registry.register('logit', logit)
225
- tensor_operator_registry.register('sum', sum)
226
- tensor_operator_registry.register('reducesum', P.ReduceSum)
227
- tensor_operator_registry.register('split', split)
228
- tensor_operator_registry.register('tensor_split', tensor_split)
229
- tensor_operator_registry.register('vsplit', vsplit)
230
- tensor_operator_registry.register('hsplit', hsplit)
231
- tensor_operator_registry.register('dsplit', dsplit)
232
- tensor_operator_registry.register('select', P.Select)
233
- tensor_operator_registry.register('zeros_like', P.ZerosLike)
234
- tensor_operator_registry.register('scalar_to_tensor', scalar_to_tensor)
235
- tensor_operator_registry.register('stop_gradient', stop_gradient)
236
- tensor_operator_registry.register('masked_fill', masked_fill)
237
- tensor_operator_registry.register('masked_select', masked_select)
238
- tensor_operator_registry.register('nonzero', nonzero)
239
- tensor_operator_registry.register('i0', i0)
240
- tensor_operator_registry.register('isclose', isclose)
241
- tensor_operator_registry.register('isneginf', isneginf)
242
- tensor_operator_registry.register('isposinf', isposinf)
243
- tensor_operator_registry.register('isreal', isreal)
244
- tensor_operator_registry.register('inv', inv)
245
- tensor_operator_registry.register('digamma', digamma)
246
- tensor_operator_registry.register('lgamma', lgamma)
247
- tensor_operator_registry.register('logaddexp', logaddexp)
248
- tensor_operator_registry.register('logaddexp2', logaddexp2)
249
- tensor_operator_registry.register('logcumsumexp', logcumsumexp)
250
- tensor_operator_registry.register('logsumexp', logsumexp)
251
- tensor_operator_registry.register('inverse', inverse)
252
- tensor_operator_registry.register('invert', invert)
253
- tensor_operator_registry.register('hardshrink', P.HShrink)
254
- tensor_operator_registry.register('heaviside', heaviside)
255
- tensor_operator_registry.register('hypot', hypot)
256
- tensor_operator_registry.register('soft_shrink', soft_shrink)
257
- tensor_operator_registry.register('svd', linalg_ops.Svd)
258
- tensor_operator_registry.register('diag', P.Diag)
259
- tensor_operator_registry.register('diagflat', diagflat)
260
- tensor_operator_registry.register('unique_consecutive', UniqueConsecutive)
261
- tensor_operator_registry.register('unique_with_pad', P.UniqueWithPad)
262
- tensor_operator_registry.register('inplace_update', P.InplaceUpdateV2)
263
- tensor_operator_registry.register('col2im', col2im)
264
- tensor_operator_registry.register('standard_laplace', P.StandardLaplace)
265
- tensor_operator_registry.register('erf', P.Erf)
266
- tensor_operator_registry.register('erfc', P.Erfc)
267
- tensor_operator_registry.register('standard_normal', P.StandardNormal)
268
- tensor_operator_registry.register('sigmoid', P.Sigmoid)
269
- tensor_operator_registry.register('median', Median)
270
- tensor_operator_registry.register('tanh', tanh)
271
- tensor_operator_registry.register('exp', exp)
272
- tensor_operator_registry.register('addbmm', addbmm)
273
- tensor_operator_registry.register('addmm', addmm)
274
- tensor_operator_registry.register('addmv', addmv)
275
- tensor_operator_registry.register('adjoint', adjoint)
276
- tensor_operator_registry.register('asinh', asinh)
277
- tensor_operator_registry.register('arcsinh', arcsinh)
278
- tensor_operator_registry.register('atan', atan)
279
- tensor_operator_registry.register('atanh', atanh)
280
- tensor_operator_registry.register('arctanh', arctanh)
281
- tensor_operator_registry.register('bmm', bmm)
282
- tensor_operator_registry.register('conj', conj)
283
- tensor_operator_registry.register('cross', cross)
284
- tensor_operator_registry.register('erfinv', erfinv)
285
- tensor_operator_registry.register('less_equal', less_equal)
286
- tensor_operator_registry.register('lcm', lcm)
287
- tensor_operator_registry.register('ldexp', ldexp)
288
- tensor_operator_registry.register('clamp', clamp)
289
- tensor_operator_registry.register('fold', fold)
290
- tensor_operator_registry.register('unfold', unfold)
291
- tensor_operator_registry.register('diagonal', diagonal)
292
- tensor_operator_registry.register('diagonal_scatter', diagonal_scatter)
293
- tensor_operator_registry.register('index_add', index_add)
294
- tensor_operator_registry.register('greater', greater)
295
- tensor_operator_registry.register('greater_equal', greater_equal)
296
- tensor_operator_registry.register('igamma', igamma)
297
- tensor_operator_registry.register('igammac', igammac)
298
- tensor_operator_registry.register('lu_solve', lu_solve)
299
- tensor_operator_registry.register('nextafter', nextafter)
300
- tensor_operator_registry.register('qr', qr)
301
- tensor_operator_registry.register('ormqr', ormqr)
302
- tensor_operator_registry.register('masked_scatter', array_ops.MaskedScatter)
303
- tensor_operator_registry.register('index_put', array_ops.IndexPut)
304
- tensor_operator_registry.register('quantile', quantile)
305
- tensor_operator_registry.register('nanquantile', nanquantile)
306
- tensor_operator_registry.register('orgqr', orgqr)
119
+ setattr(tensor_operator_registry, 'tuple_to_tensor', _sequence_ops.TupleToTensor)
120
+ setattr(tensor_operator_registry, 'add', add)
121
+ setattr(tensor_operator_registry, 'softmax', softmax)
122
+ setattr(tensor_operator_registry, 'addr', addr)
123
+ setattr(tensor_operator_registry, 'addcdiv', addcdiv)
124
+ setattr(tensor_operator_registry, 'addcmul', addcmul)
125
+ setattr(tensor_operator_registry, 'all', all)
126
+ setattr(tensor_operator_registry, 'angle', angle)
127
+ setattr(tensor_operator_registry, 'any', any)
128
+ setattr(tensor_operator_registry, 'atan2', atan2)
129
+ setattr(tensor_operator_registry, 'abs', abs)
130
+ setattr(tensor_operator_registry, 'baddbmm', baddbmm)
131
+ setattr(tensor_operator_registry, 'geqrf', geqrf)
132
+ setattr(tensor_operator_registry, 'histc', histc)
133
+ setattr(tensor_operator_registry, 'real', real)
134
+ setattr(tensor_operator_registry, 'reciprocal', reciprocal)
135
+ setattr(tensor_operator_registry, 'rsqrt', rsqrt)
136
+ setattr(tensor_operator_registry, 'bincount', bincount)
137
+ setattr(tensor_operator_registry, 'slogdet', slogdet)
138
+ setattr(tensor_operator_registry, 'trace', trace)
139
+ setattr(tensor_operator_registry, 'tril', tril)
140
+ setattr(tensor_operator_registry, 'chunk', chunk)
141
+ setattr(tensor_operator_registry, 'count_nonzero', count_nonzero)
142
+ setattr(tensor_operator_registry, 'sqrt', sqrt)
143
+ setattr(tensor_operator_registry, 'square', square)
144
+ setattr(tensor_operator_registry, 'sub', sub)
145
+ setattr(tensor_operator_registry, 'triu', triu)
146
+ setattr(tensor_operator_registry, 'tan', tan)
147
+ setattr(tensor_operator_registry, 't', t)
148
+ setattr(tensor_operator_registry, 'cauchy', P.Cauchy)
149
+ setattr(tensor_operator_registry, 'log_normal', P.LogNormalReverse)
150
+ setattr(tensor_operator_registry, 'acos', acos)
151
+ setattr(tensor_operator_registry, 'cos', cos)
152
+ setattr(tensor_operator_registry, 'acosh', acosh)
153
+ setattr(tensor_operator_registry, 'cosh', cosh)
154
+ setattr(tensor_operator_registry, 'cov', cov)
155
+ setattr(tensor_operator_registry, 'asin', asin)
156
+ setattr(tensor_operator_registry, 'sin', sin)
157
+ setattr(tensor_operator_registry, 'sinc', sinc)
158
+ setattr(tensor_operator_registry, 'pow', pow)
159
+ setattr(tensor_operator_registry, 'negative', neg)
160
+ setattr(tensor_operator_registry, 'amin', amin)
161
+ setattr(tensor_operator_registry, 'amax', amax)
162
+ setattr(tensor_operator_registry, 'aminmax', aminmax)
163
+ setattr(tensor_operator_registry, 'mean', mean)
164
+ setattr(tensor_operator_registry, 'prod', prod)
165
+ setattr(tensor_operator_registry, 'round', round)
166
+ setattr(tensor_operator_registry, 'reshape', reshape)
167
+ setattr(tensor_operator_registry, 'reverse', reverse)
168
+ setattr(tensor_operator_registry, 'reverse_sequence', reverse_sequence)
169
+ setattr(tensor_operator_registry, 'xlogy', xlogy)
170
+ setattr(tensor_operator_registry, 'flatten', flatten)
171
+ setattr(tensor_operator_registry, 'transpose', transpose)
172
+ setattr(tensor_operator_registry, 'broadcast_to', broadcast_to)
173
+ setattr(tensor_operator_registry, 'matmul', matmul)
174
+ setattr(tensor_operator_registry, 'inner', inner)
175
+ setattr(tensor_operator_registry, 'xdivy', xdivy)
176
+ setattr(tensor_operator_registry, 'argmax', argmax)
177
+ setattr(tensor_operator_registry, 'argmin', argmin)
178
+ setattr(tensor_operator_registry, 'cumsum', P.CumSum)
179
+ setattr(tensor_operator_registry, 'cummin', cummin)
180
+ setattr(tensor_operator_registry, 'cummax', cummax)
181
+ setattr(tensor_operator_registry, 'nelement', numel)
182
+ setattr(tensor_operator_registry, 'numel', numel)
183
+ setattr(tensor_operator_registry, 'positive', positive)
184
+ setattr(tensor_operator_registry, 'permute', permute)
185
+ setattr(tensor_operator_registry, 'remainder', remainder)
186
+ setattr(tensor_operator_registry, 'index_fill', index_fill)
187
+ setattr(tensor_operator_registry, 'index_select', index_select)
188
+ setattr(tensor_operator_registry, 'flip', flip)
189
+ setattr(tensor_operator_registry, 'fliplr', fliplr)
190
+ setattr(tensor_operator_registry, 'flipud', flipud)
191
+ setattr(tensor_operator_registry, 'float_power', float_power)
192
+ setattr(tensor_operator_registry, 'fmax', fmax)
193
+ setattr(tensor_operator_registry, 'fmin', fmin)
194
+ setattr(tensor_operator_registry, 'fmod', fmod)
195
+ setattr(tensor_operator_registry, 'is_floating_point', is_floating_point)
196
+ setattr(tensor_operator_registry, 'bitwise_and', bitwise_and)
197
+ setattr(tensor_operator_registry, 'bitwise_or', bitwise_or)
198
+ setattr(tensor_operator_registry, 'bitwise_xor', bitwise_xor)
199
+ setattr(tensor_operator_registry, 'bitwise_left_shift', bitwise_left_shift)
200
+ setattr(tensor_operator_registry, 'bitwise_right_shift', bitwise_right_shift)
201
+ setattr(tensor_operator_registry, 'ger', ger)
202
+ setattr(tensor_operator_registry, 'reduce_max', P.ReduceMax)
203
+ setattr(tensor_operator_registry, 'reduce_min', P.ReduceMin)
204
+ setattr(tensor_operator_registry, 'random_categorical', random_categorical)
205
+ setattr(tensor_operator_registry, 'mirror_pad', P.MirrorPad)
206
+ setattr(tensor_operator_registry, 'minimum', minimum)
207
+ setattr(tensor_operator_registry, 'matrix_power', matrix_power)
208
+ setattr(tensor_operator_registry, 'det', det)
209
+ setattr(tensor_operator_registry, 'dot', dot)
210
+ setattr(tensor_operator_registry, 'outer', outer)
211
+ setattr(tensor_operator_registry, 'log1p', log1p)
212
+ setattr(tensor_operator_registry, 'logdet', logdet)
213
+ setattr(tensor_operator_registry, 'log_matrix_determinant', log_matrix_determinant)
214
+ setattr(tensor_operator_registry, 'matrix_determinant', matrix_determinant)
215
+ setattr(tensor_operator_registry, 'ceil', ceil)
216
+ setattr(tensor_operator_registry, 'fillv2', P.FillV2)
217
+ setattr(tensor_operator_registry, 'tile', tile)
218
+ setattr(tensor_operator_registry, 'logit', logit)
219
+ setattr(tensor_operator_registry, 'sum', sum)
220
+ setattr(tensor_operator_registry, 'split', split)
221
+ setattr(tensor_operator_registry, 'tensor_split', tensor_split)
222
+ setattr(tensor_operator_registry, 'vsplit', vsplit)
223
+ setattr(tensor_operator_registry, 'hsplit', hsplit)
224
+ setattr(tensor_operator_registry, 'dsplit', dsplit)
225
+ setattr(tensor_operator_registry, 'zeros_like', zeros_like)
226
+ setattr(tensor_operator_registry, 'scalar_to_tensor', scalar_to_tensor)
227
+ setattr(tensor_operator_registry, 'stop_gradient', stop_gradient)
228
+ setattr(tensor_operator_registry, 'masked_fill', masked_fill)
229
+ setattr(tensor_operator_registry, 'masked_select', masked_select)
230
+ setattr(tensor_operator_registry, 'nonzero', nonzero)
231
+ setattr(tensor_operator_registry, 'i0', i0)
232
+ setattr(tensor_operator_registry, 'isclose', isclose)
233
+ setattr(tensor_operator_registry, 'isneginf', isneginf)
234
+ setattr(tensor_operator_registry, 'isposinf', isposinf)
235
+ setattr(tensor_operator_registry, 'isreal', isreal)
236
+ setattr(tensor_operator_registry, 'inv', inv)
237
+ setattr(tensor_operator_registry, 'digamma', digamma)
238
+ setattr(tensor_operator_registry, 'lgamma', lgamma)
239
+ setattr(tensor_operator_registry, 'logaddexp', logaddexp)
240
+ setattr(tensor_operator_registry, 'logaddexp2', logaddexp2)
241
+ setattr(tensor_operator_registry, 'logcumsumexp', logcumsumexp)
242
+ setattr(tensor_operator_registry, 'logsumexp', logsumexp)
243
+ setattr(tensor_operator_registry, 'inverse', inverse)
244
+ setattr(tensor_operator_registry, 'invert', invert)
245
+ setattr(tensor_operator_registry, 'hardshrink', hardshrink)
246
+ setattr(tensor_operator_registry, 'heaviside', heaviside)
247
+ setattr(tensor_operator_registry, 'hypot', hypot)
248
+ setattr(tensor_operator_registry, 'searchsorted', P.SearchSorted)
249
+ setattr(tensor_operator_registry, 'soft_shrink', soft_shrink)
250
+ setattr(tensor_operator_registry, 'svd', linalg_ops.Svd)
251
+ setattr(tensor_operator_registry, 'diag', diag)
252
+ setattr(tensor_operator_registry, 'diagflat', diagflat)
253
+ setattr(tensor_operator_registry, 'unique_consecutive', UniqueConsecutive)
254
+ setattr(tensor_operator_registry, 'unique_with_pad', unique_with_pad)
255
+ setattr(tensor_operator_registry, 'inplace_update', inplace_update)
256
+ setattr(tensor_operator_registry, 'col2im', col2im)
257
+ setattr(tensor_operator_registry, 'standard_laplace', P.StandardLaplace)
258
+ setattr(tensor_operator_registry, 'erf', erf)
259
+ setattr(tensor_operator_registry, 'erfc', erfc)
260
+ setattr(tensor_operator_registry, 'standard_normal', P.StandardNormal)
261
+ setattr(tensor_operator_registry, 'sigmoid', sigmoid)
262
+ setattr(tensor_operator_registry, 'median', Median)
263
+ setattr(tensor_operator_registry, 'tanh', tanh)
264
+ setattr(tensor_operator_registry, 'exp', exp)
265
+ setattr(tensor_operator_registry, 'addbmm', addbmm)
266
+ setattr(tensor_operator_registry, 'addmm', addmm)
267
+ setattr(tensor_operator_registry, 'addmv', addmv)
268
+ setattr(tensor_operator_registry, 'adjoint', adjoint)
269
+ setattr(tensor_operator_registry, 'asinh', asinh)
270
+ setattr(tensor_operator_registry, 'arcsinh', arcsinh)
271
+ setattr(tensor_operator_registry, 'atan', atan)
272
+ setattr(tensor_operator_registry, 'atanh', atanh)
273
+ setattr(tensor_operator_registry, 'arctanh', arctanh)
274
+ setattr(tensor_operator_registry, 'bmm', bmm)
275
+ setattr(tensor_operator_registry, 'conj', conj)
276
+ setattr(tensor_operator_registry, 'cross', cross)
277
+ setattr(tensor_operator_registry, 'erfinv', erfinv)
278
+ setattr(tensor_operator_registry, 'less_equal', less_equal)
279
+ setattr(tensor_operator_registry, 'lcm', lcm)
280
+ setattr(tensor_operator_registry, 'ldexp', ldexp)
281
+ setattr(tensor_operator_registry, 'clamp', clamp)
282
+ setattr(tensor_operator_registry, 'fold', fold)
283
+ setattr(tensor_operator_registry, 'unfold', unfold)
284
+ setattr(tensor_operator_registry, 'diagonal', diagonal)
285
+ setattr(tensor_operator_registry, 'diagonal_scatter', diagonal_scatter)
286
+ setattr(tensor_operator_registry, 'index_add', index_add)
287
+ setattr(tensor_operator_registry, 'greater', greater)
288
+ setattr(tensor_operator_registry, 'greater_equal', greater_equal)
289
+ setattr(tensor_operator_registry, 'igamma', igamma)
290
+ setattr(tensor_operator_registry, 'igammac', igammac)
291
+ setattr(tensor_operator_registry, 'lu_solve', lu_solve)
292
+ setattr(tensor_operator_registry, 'nextafter', nextafter)
293
+ setattr(tensor_operator_registry, 'qr', qr)
294
+ setattr(tensor_operator_registry, 'ormqr', ormqr)
295
+ setattr(tensor_operator_registry, 'masked_scatter', array_ops.MaskedScatter)
296
+ setattr(tensor_operator_registry, 'index_put', array_ops.IndexPut)
297
+ setattr(tensor_operator_registry, 'quantile', quantile)
298
+ setattr(tensor_operator_registry, 'nanquantile', nanquantile)
299
+ setattr(tensor_operator_registry, 'orgqr', orgqr)
307
300
  # ms cannot support Tensor(True) compare
308
- tensor_operator_registry.register('__eq__', equal)
309
- tensor_operator_registry.register('__ne__', not_equal)
310
- tensor_operator_registry.register('__neg__', neg_tensor)
311
- tensor_operator_registry.register('__lt__', tensor_lt)
312
- tensor_operator_registry.register('__le__', tensor_le)
313
- tensor_operator_registry.register('__gt__', tensor_gt)
314
- tensor_operator_registry.register('__ge__', tensor_ge)
315
- tensor_operator_registry.register('__logical_not__', logical_not)
316
- tensor_operator_registry.register('gt', P.Greater)
317
- tensor_operator_registry.register('ge', P.GreaterEqual)
318
- tensor_operator_registry.register('shape', shape)
319
- tensor_operator_registry.register('squeeze', squeeze)
320
- tensor_operator_registry.register('unsqueeze', unsqueeze)
321
- tensor_operator_registry.register('expand_dims', expand_dims)
301
+ setattr(tensor_operator_registry, '__eq__', equal)
302
+ setattr(tensor_operator_registry, '__ne__', not_equal)
303
+ setattr(tensor_operator_registry, '__neg__', neg)
304
+ setattr(tensor_operator_registry, '__lt__', tensor_lt)
305
+ setattr(tensor_operator_registry, '__le__', tensor_le)
306
+ setattr(tensor_operator_registry, '__gt__', tensor_gt)
307
+ setattr(tensor_operator_registry, '__ge__', tensor_ge)
308
+ setattr(tensor_operator_registry, '__logical_not__', logical_not)
309
+ setattr(tensor_operator_registry, 'gt', gt)
310
+ setattr(tensor_operator_registry, 'ge', ge)
311
+ setattr(tensor_operator_registry, 'shape', shape)
312
+ setattr(tensor_operator_registry, 'squeeze', squeeze)
313
+ setattr(tensor_operator_registry, 'unsqueeze', unsqueeze)
314
+ setattr(tensor_operator_registry, 'expand_dims', expand_dims)
315
+ setattr(tensor_operator_registry, 'contiguous', auto_generate.contiguous)
322
316
  # support GE backend for no compare operators
323
- tensor_operator_registry.register('cast', cast)
324
- tensor_operator_registry.register('shape_mul', shape_mul)
325
- tensor_operator_registry.register('concatenate', P.Concat)
326
- tensor_operator_registry.register('fill', fill)
327
- tensor_operator_registry.register('fills', fills)
328
- tensor_operator_registry.register('fill_diagonal', P.FillDiagonal)
329
- tensor_operator_registry.register('eye', eye)
330
- tensor_operator_registry.register('eigvals', eigvals)
331
- tensor_operator_registry.register('reduce_sum', reduce_sum)
332
- tensor_operator_registry.register('tensor_slice', tensor_slice)
333
- tensor_operator_registry.register('select', select)
334
- tensor_operator_registry.register('gather', gather)
335
- tensor_operator_registry.register('gather_d', gather_d)
336
- tensor_operator_registry.register('gather_elements', gather_elements)
337
- tensor_operator_registry.register('gather_nd', gather_nd)
338
- tensor_operator_registry.register('stack', stack)
339
- tensor_operator_registry.register('unstack', unstack)
340
- tensor_operator_registry.register('unbind', P.Unstack)
341
- tensor_operator_registry.register('log', log)
342
- tensor_operator_registry.register('log10', log10)
343
- tensor_operator_registry.register('log2', log2)
344
- tensor_operator_registry.register('lerp', lerp)
345
- tensor_operator_registry.register('floor', floor)
346
- tensor_operator_registry.register('floor_divide', floor_divide)
317
+ setattr(tensor_operator_registry, 'cast', cast)
318
+ setattr(tensor_operator_registry, 'shape_mul', shape_mul)
319
+ setattr(tensor_operator_registry, 'concatenate', concat)
320
+ setattr(tensor_operator_registry, 'fill', fill)
321
+ setattr(tensor_operator_registry, 'fills', fills)
322
+ setattr(tensor_operator_registry, 'fill_diagonal', P.FillDiagonal)
323
+ setattr(tensor_operator_registry, 'eye', eye)
324
+ setattr(tensor_operator_registry, 'eigvals', eigvals)
325
+ setattr(tensor_operator_registry, 'reduce_sum', reduce_sum)
326
+ setattr(tensor_operator_registry, 'reducesum', P.ReduceSum)
327
+ setattr(tensor_operator_registry, 'tensor_slice', tensor_slice)
328
+ setattr(tensor_operator_registry, 'select', select)
329
+ setattr(tensor_operator_registry, 'uniform', uniform_ext)
330
+ setattr(tensor_operator_registry, 'gather', gather)
331
+ setattr(tensor_operator_registry, 'gather_d', gather_d)
332
+ setattr(tensor_operator_registry, 'gather_elements', gather_elements)
333
+ setattr(tensor_operator_registry, 'gather_nd', gather_nd)
334
+ setattr(tensor_operator_registry, 'stack', stack)
335
+ setattr(tensor_operator_registry, 'unstack', unstack)
336
+ setattr(tensor_operator_registry, 'unbind', unstack)
337
+ setattr(tensor_operator_registry, 'log', log)
338
+ setattr(tensor_operator_registry, 'log10', log10)
339
+ setattr(tensor_operator_registry, 'log2', log2)
340
+ setattr(tensor_operator_registry, 'lerp', lerp)
341
+ setattr(tensor_operator_registry, 'floor', floor)
342
+ setattr(tensor_operator_registry, 'floor_divide', floor_divide)
347
343
  # support sparse tensor operators
348
- tensor_operator_registry.register('csr_add', csr_add)
349
- tensor_operator_registry.register('csr_mul', csr_mul)
350
- tensor_operator_registry.register('csr2coo', csr2coo)
351
- tensor_operator_registry.register('coo2csr', coo2csr)
352
- tensor_operator_registry.register('csr_div', csr_div)
353
- tensor_operator_registry.register('csr_mv', csr_mv)
354
- tensor_operator_registry.register('csr_mm_akg', _csr_ops.CSRMM)
355
- tensor_operator_registry.register('csr_mm', csr_mm)
356
- tensor_operator_registry.register('csr_reduce_sum', csr_reduce_sum)
357
- tensor_operator_registry.register('dense_to_sparse_csr', dense_to_sparse_csr)
358
- tensor_operator_registry.register('dense_to_sparse_coo', dense_to_sparse_coo)
359
- tensor_operator_registry.register('csr_to_dense', csr_to_dense)
360
- tensor_operator_registry.register('narrow', narrow)
361
- tensor_operator_registry.register('sort', sort)
362
- tensor_operator_registry.register('argsort', argsort)
363
- tensor_operator_registry.register('msort', msort)
364
- tensor_operator_registry.register('mm', mm)
365
- tensor_operator_registry.register('nan_to_num', nan_to_num)
366
- tensor_operator_registry.register('nansum', nansum)
367
- tensor_operator_registry.register('nanmean', nanmean)
368
- tensor_operator_registry.register('nanmedian', nanmedian)
369
- tensor_operator_registry.register('csr_to_coo', csr_to_coo)
370
- tensor_operator_registry.register('zeros', zeros)
371
- tensor_operator_registry.register('ones', ones)
372
- tensor_operator_registry.register('unsorted_segment_min', unsorted_segment_min)
373
- tensor_operator_registry.register('unsorted_segment_max', unsorted_segment_max)
374
- tensor_operator_registry.register('unsorted_segment_prod', unsorted_segment_prod)
375
- tensor_operator_registry.register('scatter', scatter)
376
- tensor_operator_registry.register('tensor_scatter_update', tensor_scatter_update)
377
- tensor_operator_registry.register('tensor_scatter_mul', tensor_scatter_mul)
378
- tensor_operator_registry.register('tensor_scatter_div', tensor_scatter_div)
379
- tensor_operator_registry.register('tensor_scatter_min', P.TensorScatterMin)
380
- tensor_operator_registry.register('tensor_scatter_max', P.TensorScatterMax)
381
- tensor_operator_registry.register('tensor_scatter_sub', tensor_scatter_sub)
382
- tensor_operator_registry.register('tensor_scatter_add', tensor_scatter_add)
383
- tensor_operator_registry.register('slice_scatter', slice_scatter)
384
- tensor_operator_registry.register('select_scatter', select_scatter)
385
- tensor_operator_registry.register('bernoulli', bernoulli)
386
- tensor_operator_registry.register('poisson', P.Poisson)
387
- tensor_operator_registry.register('randperm', P.Randperm)
388
- tensor_operator_registry.register('multinomial', multinomial)
389
- tensor_operator_registry.register('norm', norm)
390
- tensor_operator_registry.register('renorm', renorm)
391
- tensor_operator_registry.register('adaptive_max_pool2d', AdaptiveMaxPool2D)
392
- tensor_operator_registry.register('coalesce', coalesce)
393
- tensor_operator_registry.register('argmax_with_value', max)
394
- tensor_operator_registry.register('argmin_with_value', min)
395
- tensor_operator_registry.register('argwhere', argwhere)
396
- tensor_operator_registry.register('coo_add', coo_add)
397
- tensor_operator_registry.register('topk', topk)
398
- tensor_operator_registry.register('isfinite', P.IsFinite)
399
- tensor_operator_registry.register('to', P.Cast)
400
- tensor_operator_registry.register('bool', P.Cast)
401
- tensor_operator_registry.register('float', P.Cast)
402
- tensor_operator_registry.register('half', P.Cast)
403
- tensor_operator_registry.register('int', P.Cast)
404
- tensor_operator_registry.register('long', P.Cast)
405
- tensor_operator_registry.register('cholesky', P.Cholesky)
406
- tensor_operator_registry.register('cholesky_inverse', P.CholeskyInverse)
407
- tensor_operator_registry.register('cholesky_solve', cholesky_solve)
408
- tensor_operator_registry.register('expand', expand)
409
- tensor_operator_registry.register('cumprod', cumprod)
410
- tensor_operator_registry.register('diff', diff)
411
- tensor_operator_registry.register('div', div)
412
- tensor_operator_registry.register('equal', equal)
413
- tensor_operator_registry.register('expm1', expm1)
414
- tensor_operator_registry.register('frac', frac)
415
- tensor_operator_registry.register('isinf', isinf)
416
- tensor_operator_registry.register('isnan', isnan)
417
- tensor_operator_registry.register('is_complex', is_complex)
418
- tensor_operator_registry.register('le', le)
419
- tensor_operator_registry.register('less', less)
420
- tensor_operator_registry.register('logical_and', logical_and)
421
- tensor_operator_registry.register('logical_not', logical_not)
422
- tensor_operator_registry.register('logical_or', logical_or)
423
- tensor_operator_registry.register('logical_xor', logical_xor)
424
- tensor_operator_registry.register('lstsq', lstsq)
425
- tensor_operator_registry.register('mvlgamma', mvlgamma)
426
- tensor_operator_registry.register('maximum', maximum)
427
- tensor_operator_registry.register('max', max)
428
- tensor_operator_registry.register('min', min)
429
- tensor_operator_registry.register('mul', mul)
430
- tensor_operator_registry.register('multiply', multiply)
431
- tensor_operator_registry.register('moveaxis', moveaxis)
432
- tensor_operator_registry.register('movedim', movedim)
433
- tensor_operator_registry.register('neg', neg)
434
- tensor_operator_registry.register('ne', ne)
435
- tensor_operator_registry.register('not_equal', not_equal)
436
- tensor_operator_registry.register('sgn', sgn)
437
- tensor_operator_registry.register('sign', sign)
438
- tensor_operator_registry.register('signbit', signbit)
439
- tensor_operator_registry.register('sinh', sinh)
440
- tensor_operator_registry.register('trunc', trunc)
441
- tensor_operator_registry.register('where', where)
442
- tensor_operator_registry.register('imag', imag)
443
- tensor_operator_registry.register('repeat_interleave', repeat_interleave)
444
- tensor_operator_registry.register('rad2deg', rad2deg)
445
- tensor_operator_registry.register('deg2rad', deg2rad)
446
- tensor_operator_registry.register('copysign', copysign)
447
- tensor_operator_registry.register('roll', Roll)
448
- tensor_operator_registry.register('rot90', rot90)
449
- tensor_operator_registry.register('swapaxes', swapaxes)
450
- tensor_operator_registry.register('swapdims', swapdims)
451
- tensor_operator_registry.register('repeat_elements', repeat_elements)
452
- tensor_operator_registry.register('top_k', P.TopK)
344
+ setattr(tensor_operator_registry, 'csr_add', csr_add)
345
+ setattr(tensor_operator_registry, 'csr_mul', csr_mul)
346
+ setattr(tensor_operator_registry, 'csr2coo', csr2coo)
347
+ setattr(tensor_operator_registry, 'coo2csr', coo2csr)
348
+ setattr(tensor_operator_registry, 'csr_div', csr_div)
349
+ setattr(tensor_operator_registry, 'csr_mv', csr_mv)
350
+ setattr(tensor_operator_registry, 'csr_mm_akg', _csr_ops.CSRMM)
351
+ setattr(tensor_operator_registry, 'csr_mm', csr_mm)
352
+ setattr(tensor_operator_registry, 'csr_reduce_sum', csr_reduce_sum)
353
+ setattr(tensor_operator_registry, 'dense_to_sparse_csr', dense_to_sparse_csr)
354
+ setattr(tensor_operator_registry, 'dense_to_sparse_coo', dense_to_sparse_coo)
355
+ setattr(tensor_operator_registry, 'csr_to_dense', csr_to_dense)
356
+ setattr(tensor_operator_registry, 'narrow', narrow)
357
+ setattr(tensor_operator_registry, 'sort', sort)
358
+ setattr(tensor_operator_registry, 'argsort', argsort)
359
+ setattr(tensor_operator_registry, 'msort', msort)
360
+ setattr(tensor_operator_registry, 'mm', mm)
361
+ setattr(tensor_operator_registry, 'nan_to_num', nan_to_num)
362
+ setattr(tensor_operator_registry, 'nansum', nansum)
363
+ setattr(tensor_operator_registry, 'nanmean', nanmean)
364
+ setattr(tensor_operator_registry, 'nanmedian', nanmedian)
365
+ setattr(tensor_operator_registry, 'csr_to_coo', csr_to_coo)
366
+ setattr(tensor_operator_registry, 'zeros', zeros)
367
+ setattr(tensor_operator_registry, 'ones', ones)
368
+ setattr(tensor_operator_registry, 'unsorted_segment_min', unsorted_segment_min)
369
+ setattr(tensor_operator_registry, 'unsorted_segment_max', unsorted_segment_max)
370
+ setattr(tensor_operator_registry, 'unsorted_segment_prod', unsorted_segment_prod)
371
+ setattr(tensor_operator_registry, 'scatter', scatter)
372
+ setattr(tensor_operator_registry, 'tensor_scatter_update', tensor_scatter_update)
373
+ setattr(tensor_operator_registry, 'tensor_scatter_mul', tensor_scatter_mul)
374
+ setattr(tensor_operator_registry, 'tensor_scatter_div', tensor_scatter_div)
375
+ setattr(tensor_operator_registry, 'tensor_scatter_min', tensor_scatter_min)
376
+ setattr(tensor_operator_registry, 'tensor_scatter_max', tensor_scatter_max)
377
+ setattr(tensor_operator_registry, 'tensor_scatter_sub', tensor_scatter_sub)
378
+ setattr(tensor_operator_registry, 'tensor_scatter_add', tensor_scatter_add)
379
+ setattr(tensor_operator_registry, 'slice_scatter', slice_scatter)
380
+ setattr(tensor_operator_registry, 'select_scatter', select_scatter)
381
+ setattr(tensor_operator_registry, 'bernoulli', bernoulli)
382
+ setattr(tensor_operator_registry, 'poisson', P.Poisson)
383
+ setattr(tensor_operator_registry, 'randperm', P.Randperm)
384
+ setattr(tensor_operator_registry, 'multinomial', multinomial)
385
+ setattr(tensor_operator_registry, 'norm', norm)
386
+ setattr(tensor_operator_registry, 'renorm', renorm)
387
+ setattr(tensor_operator_registry, 'adaptive_max_pool2d', AdaptiveMaxPool2D)
388
+ setattr(tensor_operator_registry, 'coalesce', coalesce)
389
+ setattr(tensor_operator_registry, 'argmax_with_value', max)
390
+ setattr(tensor_operator_registry, 'argmin_with_value', min)
391
+ setattr(tensor_operator_registry, 'argwhere', argwhere)
392
+ setattr(tensor_operator_registry, 'coo_add', coo_add)
393
+ setattr(tensor_operator_registry, 'topk', topk)
394
+ setattr(tensor_operator_registry, 'isfinite', isfinite)
395
+ setattr(tensor_operator_registry, 'to', cast)
396
+ setattr(tensor_operator_registry, 'bool', cast)
397
+ setattr(tensor_operator_registry, 'float', cast)
398
+ setattr(tensor_operator_registry, 'half', cast)
399
+ setattr(tensor_operator_registry, 'int', cast)
400
+ setattr(tensor_operator_registry, 'long', cast)
401
+ setattr(tensor_operator_registry, 'cholesky', cholesky)
402
+ setattr(tensor_operator_registry, 'cholesky_inverse', cholesky_inverse)
403
+ setattr(tensor_operator_registry, 'cholesky_solve', cholesky_solve)
404
+ setattr(tensor_operator_registry, 'expand', broadcast_to)
405
+ setattr(tensor_operator_registry, 'tensortotuple', TensorToTuple)
406
+ setattr(tensor_operator_registry, 'cumprod', cumprod)
407
+ setattr(tensor_operator_registry, 'diff', diff)
408
+ setattr(tensor_operator_registry, 'div', div)
409
+ setattr(tensor_operator_registry, 'equal', equal)
410
+ setattr(tensor_operator_registry, 'expm1', expm1)
411
+ setattr(tensor_operator_registry, 'frac', frac)
412
+ setattr(tensor_operator_registry, 'isinf', isinf)
413
+ setattr(tensor_operator_registry, 'isnan', isnan)
414
+ setattr(tensor_operator_registry, 'is_complex', is_complex)
415
+ setattr(tensor_operator_registry, 'le', le)
416
+ setattr(tensor_operator_registry, 'less', less)
417
+ setattr(tensor_operator_registry, 'logical_and', logical_and)
418
+ setattr(tensor_operator_registry, 'logical_not', logical_not)
419
+ setattr(tensor_operator_registry, 'logical_or', logical_or)
420
+ setattr(tensor_operator_registry, 'logical_xor', logical_xor)
421
+ setattr(tensor_operator_registry, 'lstsq', lstsq)
422
+ setattr(tensor_operator_registry, 'mvlgamma', mvlgamma)
423
+ setattr(tensor_operator_registry, 'maximum', maximum)
424
+ setattr(tensor_operator_registry, 'max', max)
425
+ setattr(tensor_operator_registry, 'min', min)
426
+ setattr(tensor_operator_registry, 'mul', mul)
427
+ setattr(tensor_operator_registry, 'multiply', multiply)
428
+ setattr(tensor_operator_registry, 'moveaxis', moveaxis)
429
+ setattr(tensor_operator_registry, 'movedim', movedim)
430
+ setattr(tensor_operator_registry, 'neg', neg)
431
+ setattr(tensor_operator_registry, 'ne', ne)
432
+ setattr(tensor_operator_registry, 'not_equal', not_equal)
433
+ setattr(tensor_operator_registry, 'sgn', sgn)
434
+ setattr(tensor_operator_registry, 'sign', sign)
435
+ setattr(tensor_operator_registry, 'signbit', signbit)
436
+ setattr(tensor_operator_registry, 'sinh', sinh)
437
+ setattr(tensor_operator_registry, 'trunc', trunc)
438
+ setattr(tensor_operator_registry, 'where', where)
439
+ setattr(tensor_operator_registry, 'imag', imag)
440
+ setattr(tensor_operator_registry, 'repeat_interleave', repeat_interleave)
441
+ setattr(tensor_operator_registry, 'rad2deg', rad2deg)
442
+ setattr(tensor_operator_registry, 'deg2rad', deg2rad)
443
+ setattr(tensor_operator_registry, 'copysign', copysign)
444
+ setattr(tensor_operator_registry, 'roll', Roll)
445
+ setattr(tensor_operator_registry, 'rot90', rot90)
446
+ setattr(tensor_operator_registry, 'swapaxes', swapaxes)
447
+ setattr(tensor_operator_registry, 'swapdims', swapdims)
448
+ setattr(tensor_operator_registry, 'repeat_elements', repeat_elements)
449
+ setattr(tensor_operator_registry, 'top_k', top_k)
453
450
 
454
451
  __all__ = [name for name in dir() if name[0] != "_"]
455
452
  __all__.remove('Primitive')
453
+ __all__.remove('argmax_ext')
454
+ __all__.remove('uniform_ext')