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