mindspore 2.4.0__cp311-cp311-macosx_10_15_x86_64.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 (1387) hide show
  1. mindspore/.commit_id +1 -0
  2. mindspore/__init__.py +53 -0
  3. mindspore/_c_dataengine.cpython-311-darwin.so +0 -0
  4. mindspore/_c_expression.cpython-311-darwin.so +0 -0
  5. mindspore/_c_mindrecord.cpython-311-darwin.so +0 -0
  6. mindspore/_check_jit_forbidden_api.py +106 -0
  7. mindspore/_checkparam.py +1419 -0
  8. mindspore/_extends/__init__.py +23 -0
  9. mindspore/_extends/builtin_operations.py +224 -0
  10. mindspore/_extends/graph_kernel/__init__.py +17 -0
  11. mindspore/_extends/graph_kernel/model/__init__.py +19 -0
  12. mindspore/_extends/graph_kernel/model/graph_parallel.py +311 -0
  13. mindspore/_extends/graph_kernel/model/graph_split.py +1348 -0
  14. mindspore/_extends/graph_kernel/model/model.py +553 -0
  15. mindspore/_extends/graph_kernel/model/model_builder.py +216 -0
  16. mindspore/_extends/graph_kernel/parallel_estimate.py +60 -0
  17. mindspore/_extends/graph_kernel/splitter.py +140 -0
  18. mindspore/_extends/graph_kernel/utils.py +28 -0
  19. mindspore/_extends/parallel_compile/__init__.py +19 -0
  20. mindspore/_extends/parallel_compile/akg_compiler/__init__.py +19 -0
  21. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +269 -0
  22. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +529 -0
  23. mindspore/_extends/parallel_compile/akg_compiler/compiler.py +56 -0
  24. mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
  25. mindspore/_extends/parallel_compile/akg_compiler/get_file_path.py +36 -0
  26. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +556 -0
  27. mindspore/_extends/parallel_compile/akg_compiler/util.py +159 -0
  28. mindspore/_extends/parse/__init__.py +49 -0
  29. mindspore/_extends/parse/compile_config.py +299 -0
  30. mindspore/_extends/parse/namespace.py +136 -0
  31. mindspore/_extends/parse/parser.py +1448 -0
  32. mindspore/_extends/parse/resources.py +213 -0
  33. mindspore/_extends/parse/standard_method.py +4475 -0
  34. mindspore/_extends/parse/trope.py +97 -0
  35. mindspore/_extends/pijit/__init__.py +23 -0
  36. mindspore/_extends/pijit/pijit_func_white_list.py +669 -0
  37. mindspore/_extends/remote/__init__.py +19 -0
  38. mindspore/_extends/remote/kernel_build_server.py +199 -0
  39. mindspore/_extends/remote/kernel_build_server_akg.py +55 -0
  40. mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
  41. mindspore/_extends/remote/kernel_build_server_ascend.py +75 -0
  42. mindspore/_extends/utils.py +68 -0
  43. mindspore/_install_custom.py +43 -0
  44. mindspore/_profiler.py +30 -0
  45. mindspore/amp.py +433 -0
  46. mindspore/boost/__init__.py +42 -0
  47. mindspore/boost/adasum.py +319 -0
  48. mindspore/boost/base.py +535 -0
  49. mindspore/boost/boost.py +400 -0
  50. mindspore/boost/boost_cell_wrapper.py +790 -0
  51. mindspore/boost/dim_reduce.py +323 -0
  52. mindspore/boost/grad_accumulation.py +79 -0
  53. mindspore/boost/grad_freeze.py +382 -0
  54. mindspore/boost/group_loss_scale_manager.py +166 -0
  55. mindspore/boost/less_batch_normalization.py +174 -0
  56. mindspore/common/__init__.py +86 -0
  57. mindspore/common/_auto_dynamic.py +68 -0
  58. mindspore/common/_decorator.py +50 -0
  59. mindspore/common/_jit_fallback_utils.py +110 -0
  60. mindspore/common/_monad.py +25 -0
  61. mindspore/common/_pijit_context.py +190 -0
  62. mindspore/common/_register_for_adapter.py +74 -0
  63. mindspore/common/_register_for_recompute.py +48 -0
  64. mindspore/common/_register_for_tensor.py +46 -0
  65. mindspore/common/_stub_tensor.py +210 -0
  66. mindspore/common/_tensor_overload.py +139 -0
  67. mindspore/common/_utils.py +122 -0
  68. mindspore/common/api.py +2064 -0
  69. mindspore/common/auto_dynamic_shape.py +507 -0
  70. mindspore/common/dtype.py +422 -0
  71. mindspore/common/dump.py +130 -0
  72. mindspore/common/file_system.py +48 -0
  73. mindspore/common/generator.py +254 -0
  74. mindspore/common/hook_handle.py +143 -0
  75. mindspore/common/initializer.py +880 -0
  76. mindspore/common/jit_config.py +98 -0
  77. mindspore/common/lazy_inline.py +240 -0
  78. mindspore/common/mindir_util.py +111 -0
  79. mindspore/common/mutable.py +234 -0
  80. mindspore/common/no_inline.py +54 -0
  81. mindspore/common/np_dtype.py +25 -0
  82. mindspore/common/parameter.py +1081 -0
  83. mindspore/common/recompute.py +292 -0
  84. mindspore/common/seed.py +260 -0
  85. mindspore/common/sparse_tensor.py +1175 -0
  86. mindspore/common/symbol.py +122 -0
  87. mindspore/common/tensor.py +5039 -0
  88. mindspore/communication/__init__.py +37 -0
  89. mindspore/communication/_comm_helper.py +501 -0
  90. mindspore/communication/_hccl_management.py +297 -0
  91. mindspore/communication/comm_func.py +1395 -0
  92. mindspore/communication/management.py +673 -0
  93. mindspore/config/op_info.config +533 -0
  94. mindspore/context.py +2077 -0
  95. mindspore/dataset/__init__.py +90 -0
  96. mindspore/dataset/audio/__init__.py +61 -0
  97. mindspore/dataset/audio/transforms.py +3690 -0
  98. mindspore/dataset/audio/utils.py +386 -0
  99. mindspore/dataset/audio/validators.py +1172 -0
  100. mindspore/dataset/callback/__init__.py +20 -0
  101. mindspore/dataset/callback/ds_callback.py +368 -0
  102. mindspore/dataset/callback/validators.py +32 -0
  103. mindspore/dataset/core/__init__.py +13 -0
  104. mindspore/dataset/core/config.py +1095 -0
  105. mindspore/dataset/core/datatypes.py +101 -0
  106. mindspore/dataset/core/py_util_helpers.py +65 -0
  107. mindspore/dataset/core/validator_helpers.py +781 -0
  108. mindspore/dataset/debug/__init__.py +21 -0
  109. mindspore/dataset/debug/debug_hook.py +97 -0
  110. mindspore/dataset/debug/pre_defined_hook.py +67 -0
  111. mindspore/dataset/engine/__init__.py +124 -0
  112. mindspore/dataset/engine/cache_admin.py +47 -0
  113. mindspore/dataset/engine/cache_client.py +129 -0
  114. mindspore/dataset/engine/datasets.py +4582 -0
  115. mindspore/dataset/engine/datasets_audio.py +911 -0
  116. mindspore/dataset/engine/datasets_standard_format.py +543 -0
  117. mindspore/dataset/engine/datasets_text.py +2161 -0
  118. mindspore/dataset/engine/datasets_user_defined.py +1184 -0
  119. mindspore/dataset/engine/datasets_vision.py +4816 -0
  120. mindspore/dataset/engine/iterators.py +371 -0
  121. mindspore/dataset/engine/obs/__init__.py +23 -0
  122. mindspore/dataset/engine/obs/config_loader.py +68 -0
  123. mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +508 -0
  124. mindspore/dataset/engine/obs/util.py +482 -0
  125. mindspore/dataset/engine/offload.py +596 -0
  126. mindspore/dataset/engine/queue.py +304 -0
  127. mindspore/dataset/engine/samplers.py +895 -0
  128. mindspore/dataset/engine/serializer_deserializer.py +159 -0
  129. mindspore/dataset/engine/validators.py +2895 -0
  130. mindspore/dataset/text/__init__.py +51 -0
  131. mindspore/dataset/text/transforms.py +1703 -0
  132. mindspore/dataset/text/utils.py +715 -0
  133. mindspore/dataset/text/validators.py +642 -0
  134. mindspore/dataset/transforms/__init__.py +45 -0
  135. mindspore/dataset/transforms/c_transforms.py +638 -0
  136. mindspore/dataset/transforms/py_transforms.py +393 -0
  137. mindspore/dataset/transforms/py_transforms_util.py +255 -0
  138. mindspore/dataset/transforms/transforms.py +1260 -0
  139. mindspore/dataset/transforms/validators.py +410 -0
  140. mindspore/dataset/utils/__init__.py +19 -0
  141. mindspore/dataset/utils/browse_dataset.py +190 -0
  142. mindspore/dataset/utils/line_reader.py +126 -0
  143. mindspore/dataset/vision/__init__.py +65 -0
  144. mindspore/dataset/vision/c_transforms.py +2641 -0
  145. mindspore/dataset/vision/py_transforms.py +2120 -0
  146. mindspore/dataset/vision/py_transforms_util.py +1660 -0
  147. mindspore/dataset/vision/transforms.py +7295 -0
  148. mindspore/dataset/vision/utils.py +863 -0
  149. mindspore/dataset/vision/validators.py +1483 -0
  150. mindspore/default_config.py +2 -0
  151. mindspore/experimental/__init__.py +20 -0
  152. mindspore/experimental/es/__init__.py +22 -0
  153. mindspore/experimental/es/embedding_service.py +883 -0
  154. mindspore/experimental/es/embedding_service_layer.py +581 -0
  155. mindspore/experimental/llm_boost/__init__.py +21 -0
  156. mindspore/experimental/llm_boost/atb/__init__.py +23 -0
  157. mindspore/experimental/llm_boost/atb/boost_base.py +211 -0
  158. mindspore/experimental/llm_boost/atb/llama_boost.py +115 -0
  159. mindspore/experimental/llm_boost/atb/qwen_boost.py +101 -0
  160. mindspore/experimental/llm_boost/register.py +129 -0
  161. mindspore/experimental/llm_boost/utils.py +31 -0
  162. mindspore/experimental/map_parameter.py +309 -0
  163. mindspore/experimental/optim/__init__.py +40 -0
  164. mindspore/experimental/optim/adadelta.py +161 -0
  165. mindspore/experimental/optim/adagrad.py +168 -0
  166. mindspore/experimental/optim/adam.py +193 -0
  167. mindspore/experimental/optim/adamax.py +170 -0
  168. mindspore/experimental/optim/adamw.py +290 -0
  169. mindspore/experimental/optim/asgd.py +153 -0
  170. mindspore/experimental/optim/lr_scheduler.py +1371 -0
  171. mindspore/experimental/optim/nadam.py +157 -0
  172. mindspore/experimental/optim/optimizer.py +262 -0
  173. mindspore/experimental/optim/radam.py +194 -0
  174. mindspore/experimental/optim/rmsprop.py +154 -0
  175. mindspore/experimental/optim/rprop.py +164 -0
  176. mindspore/experimental/optim/sgd.py +156 -0
  177. mindspore/hal/__init__.py +40 -0
  178. mindspore/hal/_ascend.py +57 -0
  179. mindspore/hal/_base.py +57 -0
  180. mindspore/hal/_cpu.py +56 -0
  181. mindspore/hal/_gpu.py +57 -0
  182. mindspore/hal/contiguous_tensors_handle.py +175 -0
  183. mindspore/hal/device.py +356 -0
  184. mindspore/hal/event.py +179 -0
  185. mindspore/hal/memory.py +326 -0
  186. mindspore/hal/stream.py +357 -0
  187. mindspore/include/OWNERS +7 -0
  188. mindspore/include/api/allocator.h +97 -0
  189. mindspore/include/api/callback/callback.h +93 -0
  190. mindspore/include/api/callback/ckpt_saver.h +41 -0
  191. mindspore/include/api/callback/loss_monitor.h +33 -0
  192. mindspore/include/api/callback/lr_scheduler.h +51 -0
  193. mindspore/include/api/callback/time_monitor.h +34 -0
  194. mindspore/include/api/callback/train_accuracy.h +37 -0
  195. mindspore/include/api/cell.h +90 -0
  196. mindspore/include/api/cfg.h +82 -0
  197. mindspore/include/api/context.h +602 -0
  198. mindspore/include/api/data_type.h +47 -0
  199. mindspore/include/api/delegate.h +178 -0
  200. mindspore/include/api/delegate_api.h +75 -0
  201. mindspore/include/api/dual_abi_helper.h +208 -0
  202. mindspore/include/api/format.h +28 -0
  203. mindspore/include/api/graph.h +46 -0
  204. mindspore/include/api/kernel.h +58 -0
  205. mindspore/include/api/kernel_api.h +168 -0
  206. mindspore/include/api/metrics/accuracy.h +36 -0
  207. mindspore/include/api/metrics/metrics.h +41 -0
  208. mindspore/include/api/model.h +438 -0
  209. mindspore/include/api/model_group.h +91 -0
  210. mindspore/include/api/model_parallel_runner.h +168 -0
  211. mindspore/include/api/serialization.h +185 -0
  212. mindspore/include/api/status.h +192 -0
  213. mindspore/include/api/types.h +431 -0
  214. mindspore/include/api/visible.h +41 -0
  215. mindspore/include/c_api/context_c.h +179 -0
  216. mindspore/include/c_api/data_type_c.h +52 -0
  217. mindspore/include/c_api/format_c.h +46 -0
  218. mindspore/include/c_api/model_c.h +347 -0
  219. mindspore/include/c_api/status_c.h +79 -0
  220. mindspore/include/c_api/tensor_c.h +146 -0
  221. mindspore/include/c_api/types_c.h +67 -0
  222. mindspore/include/dataset/config.h +163 -0
  223. mindspore/include/dataset/constants.h +363 -0
  224. mindspore/include/dataset/execute.h +196 -0
  225. mindspore/include/dataset/text.h +1092 -0
  226. mindspore/include/dataset/transforms.h +638 -0
  227. mindspore/include/dataset/vision.h +2129 -0
  228. mindspore/include/dataset/vision_ascend.h +206 -0
  229. mindspore/include/dataset/vision_lite.h +625 -0
  230. mindspore/lib/libavcodec.59.dylib +0 -0
  231. mindspore/lib/libavdevice.59.dylib +0 -0
  232. mindspore/lib/libavfilter.8.dylib +0 -0
  233. mindspore/lib/libavformat.59.dylib +0 -0
  234. mindspore/lib/libavutil.57.dylib +0 -0
  235. mindspore/lib/libdnnl.2.dylib +0 -0
  236. mindspore/lib/libicudata.69.dylib +0 -0
  237. mindspore/lib/libicui18n.69.dylib +0 -0
  238. mindspore/lib/libicuuc.69.dylib +0 -0
  239. mindspore/lib/libmindspore_address_sorting.15.dylib +0 -0
  240. mindspore/lib/libmindspore_backend.dylib +0 -0
  241. mindspore/lib/libmindspore_common.dylib +0 -0
  242. mindspore/lib/libmindspore_core.dylib +0 -0
  243. mindspore/lib/libmindspore_glog.0.dylib +0 -0
  244. mindspore/lib/libmindspore_gpr.15.dylib +0 -0
  245. mindspore/lib/libmindspore_grpc++.1.dylib +0 -0
  246. mindspore/lib/libmindspore_grpc.15.dylib +0 -0
  247. mindspore/lib/libmindspore_np_dtype.dylib +0 -0
  248. mindspore/lib/libmindspore_ops.dylib +0 -0
  249. mindspore/lib/libmindspore_upb.15.dylib +0 -0
  250. mindspore/lib/libnnacl.dylib +0 -0
  251. mindspore/lib/libopencv_core.4.5.dylib +0 -0
  252. mindspore/lib/libopencv_imgcodecs.4.5.dylib +0 -0
  253. mindspore/lib/libopencv_imgproc.4.5.dylib +0 -0
  254. mindspore/lib/libps_cache.dylib +0 -0
  255. mindspore/lib/libswresample.4.dylib +0 -0
  256. mindspore/lib/libswscale.6.dylib +0 -0
  257. mindspore/lib/libtinyxml2.8.dylib +0 -0
  258. mindspore/log.py +633 -0
  259. mindspore/mindrecord/__init__.py +43 -0
  260. mindspore/mindrecord/common/__init__.py +17 -0
  261. mindspore/mindrecord/common/constant.py +20 -0
  262. mindspore/mindrecord/common/enums.py +44 -0
  263. mindspore/mindrecord/common/exceptions.py +311 -0
  264. mindspore/mindrecord/config.py +809 -0
  265. mindspore/mindrecord/filereader.py +174 -0
  266. mindspore/mindrecord/filewriter.py +722 -0
  267. mindspore/mindrecord/mindpage.py +210 -0
  268. mindspore/mindrecord/shardheader.py +141 -0
  269. mindspore/mindrecord/shardindexgenerator.py +74 -0
  270. mindspore/mindrecord/shardreader.py +117 -0
  271. mindspore/mindrecord/shardsegment.py +128 -0
  272. mindspore/mindrecord/shardutils.py +185 -0
  273. mindspore/mindrecord/shardwriter.py +237 -0
  274. mindspore/mindrecord/tools/__init__.py +17 -0
  275. mindspore/mindrecord/tools/cifar10.py +140 -0
  276. mindspore/mindrecord/tools/cifar100.py +153 -0
  277. mindspore/mindrecord/tools/cifar100_to_mr.py +185 -0
  278. mindspore/mindrecord/tools/cifar10_to_mr.py +177 -0
  279. mindspore/mindrecord/tools/csv_to_mr.py +200 -0
  280. mindspore/mindrecord/tools/imagenet_to_mr.py +206 -0
  281. mindspore/mindrecord/tools/mnist_to_mr.py +259 -0
  282. mindspore/mindrecord/tools/tfrecord_to_mr.py +360 -0
  283. mindspore/mint/__init__.py +1586 -0
  284. mindspore/mint/distributed/__init__.py +31 -0
  285. mindspore/mint/distributed/distributed.py +254 -0
  286. mindspore/mint/linalg/__init__.py +22 -0
  287. mindspore/mint/nn/__init__.py +757 -0
  288. mindspore/mint/nn/functional.py +679 -0
  289. mindspore/mint/nn/layer/__init__.py +39 -0
  290. mindspore/mint/nn/layer/activation.py +133 -0
  291. mindspore/mint/nn/layer/normalization.py +477 -0
  292. mindspore/mint/nn/layer/pooling.py +110 -0
  293. mindspore/mint/optim/__init__.py +24 -0
  294. mindspore/mint/optim/adamw.py +206 -0
  295. mindspore/mint/special/__init__.py +63 -0
  296. mindspore/multiprocessing/__init__.py +73 -0
  297. mindspore/nn/__init__.py +47 -0
  298. mindspore/nn/cell.py +2787 -0
  299. mindspore/nn/dynamic_lr.py +482 -0
  300. mindspore/nn/grad/__init__.py +21 -0
  301. mindspore/nn/grad/cell_grad.py +196 -0
  302. mindspore/nn/layer/__init__.py +63 -0
  303. mindspore/nn/layer/activation.py +1822 -0
  304. mindspore/nn/layer/basic.py +1629 -0
  305. mindspore/nn/layer/channel_shuffle.py +90 -0
  306. mindspore/nn/layer/combined.py +248 -0
  307. mindspore/nn/layer/container.py +734 -0
  308. mindspore/nn/layer/conv.py +1505 -0
  309. mindspore/nn/layer/dense.py +204 -0
  310. mindspore/nn/layer/embedding.py +869 -0
  311. mindspore/nn/layer/image.py +661 -0
  312. mindspore/nn/layer/math.py +1069 -0
  313. mindspore/nn/layer/normalization.py +1273 -0
  314. mindspore/nn/layer/padding.py +880 -0
  315. mindspore/nn/layer/pooling.py +2302 -0
  316. mindspore/nn/layer/rnn_cells.py +388 -0
  317. mindspore/nn/layer/rnns.py +849 -0
  318. mindspore/nn/layer/thor_layer.py +963 -0
  319. mindspore/nn/layer/timedistributed.py +155 -0
  320. mindspore/nn/layer/transformer.py +823 -0
  321. mindspore/nn/learning_rate_schedule.py +512 -0
  322. mindspore/nn/loss/__init__.py +36 -0
  323. mindspore/nn/loss/loss.py +2924 -0
  324. mindspore/nn/metrics.py +53 -0
  325. mindspore/nn/optim/__init__.py +45 -0
  326. mindspore/nn/optim/_dist_optimizer_registry.py +111 -0
  327. mindspore/nn/optim/ada_grad.py +217 -0
  328. mindspore/nn/optim/adadelta.py +206 -0
  329. mindspore/nn/optim/adafactor.py +448 -0
  330. mindspore/nn/optim/adam.py +1297 -0
  331. mindspore/nn/optim/adamax.py +220 -0
  332. mindspore/nn/optim/adasum.py +548 -0
  333. mindspore/nn/optim/asgd.py +216 -0
  334. mindspore/nn/optim/ftrl.py +401 -0
  335. mindspore/nn/optim/lamb.py +296 -0
  336. mindspore/nn/optim/lars.py +202 -0
  337. mindspore/nn/optim/lazyadam.py +533 -0
  338. mindspore/nn/optim/momentum.py +239 -0
  339. mindspore/nn/optim/optimizer.py +1034 -0
  340. mindspore/nn/optim/proximal_ada_grad.py +242 -0
  341. mindspore/nn/optim/rmsprop.py +264 -0
  342. mindspore/nn/optim/rprop.py +251 -0
  343. mindspore/nn/optim/sgd.py +237 -0
  344. mindspore/nn/optim/tft_wrapper.py +127 -0
  345. mindspore/nn/optim/thor.py +1310 -0
  346. mindspore/nn/probability/__init__.py +22 -0
  347. mindspore/nn/probability/bijector/__init__.py +35 -0
  348. mindspore/nn/probability/bijector/bijector.py +337 -0
  349. mindspore/nn/probability/bijector/exp.py +65 -0
  350. mindspore/nn/probability/bijector/gumbel_cdf.py +144 -0
  351. mindspore/nn/probability/bijector/invert.py +126 -0
  352. mindspore/nn/probability/bijector/power_transform.py +196 -0
  353. mindspore/nn/probability/bijector/scalar_affine.py +167 -0
  354. mindspore/nn/probability/bijector/softplus.py +189 -0
  355. mindspore/nn/probability/bnn_layers/__init__.py +29 -0
  356. mindspore/nn/probability/bnn_layers/_util.py +46 -0
  357. mindspore/nn/probability/bnn_layers/bnn_cell_wrapper.py +112 -0
  358. mindspore/nn/probability/bnn_layers/conv_variational.py +267 -0
  359. mindspore/nn/probability/bnn_layers/dense_variational.py +302 -0
  360. mindspore/nn/probability/bnn_layers/layer_distribution.py +123 -0
  361. mindspore/nn/probability/distribution/__init__.py +56 -0
  362. mindspore/nn/probability/distribution/_utils/__init__.py +34 -0
  363. mindspore/nn/probability/distribution/_utils/custom_ops.py +96 -0
  364. mindspore/nn/probability/distribution/_utils/utils.py +362 -0
  365. mindspore/nn/probability/distribution/bernoulli.py +334 -0
  366. mindspore/nn/probability/distribution/beta.py +391 -0
  367. mindspore/nn/probability/distribution/categorical.py +435 -0
  368. mindspore/nn/probability/distribution/cauchy.py +383 -0
  369. mindspore/nn/probability/distribution/distribution.py +827 -0
  370. mindspore/nn/probability/distribution/exponential.py +350 -0
  371. mindspore/nn/probability/distribution/gamma.py +391 -0
  372. mindspore/nn/probability/distribution/geometric.py +335 -0
  373. mindspore/nn/probability/distribution/gumbel.py +257 -0
  374. mindspore/nn/probability/distribution/half_normal.py +133 -0
  375. mindspore/nn/probability/distribution/laplace.py +128 -0
  376. mindspore/nn/probability/distribution/log_normal.py +272 -0
  377. mindspore/nn/probability/distribution/logistic.py +379 -0
  378. mindspore/nn/probability/distribution/normal.py +336 -0
  379. mindspore/nn/probability/distribution/poisson.py +288 -0
  380. mindspore/nn/probability/distribution/student_t.py +149 -0
  381. mindspore/nn/probability/distribution/transformed_distribution.py +235 -0
  382. mindspore/nn/probability/distribution/uniform.py +375 -0
  383. mindspore/nn/reinforcement/__init__.py +24 -0
  384. mindspore/nn/reinforcement/_batch_read_write.py +142 -0
  385. mindspore/nn/reinforcement/_tensors_queue.py +152 -0
  386. mindspore/nn/reinforcement/tensor_array.py +145 -0
  387. mindspore/nn/sparse/__init__.py +23 -0
  388. mindspore/nn/sparse/sparse.py +147 -0
  389. mindspore/nn/wrap/__init__.py +49 -0
  390. mindspore/nn/wrap/cell_wrapper.py +968 -0
  391. mindspore/nn/wrap/grad_reducer.py +608 -0
  392. mindspore/nn/wrap/loss_scale.py +694 -0
  393. mindspore/numpy/__init__.py +121 -0
  394. mindspore/numpy/array_creations.py +2731 -0
  395. mindspore/numpy/array_ops.py +2629 -0
  396. mindspore/numpy/dtypes.py +185 -0
  397. mindspore/numpy/fft.py +966 -0
  398. mindspore/numpy/logic_ops.py +936 -0
  399. mindspore/numpy/math_ops.py +5911 -0
  400. mindspore/numpy/utils.py +214 -0
  401. mindspore/numpy/utils_const.py +565 -0
  402. mindspore/ops/__init__.py +56 -0
  403. mindspore/ops/_constants.py +30 -0
  404. mindspore/ops/_grad_experimental/__init__.py +31 -0
  405. mindspore/ops/_grad_experimental/grad_array_ops.py +830 -0
  406. mindspore/ops/_grad_experimental/grad_base.py +143 -0
  407. mindspore/ops/_grad_experimental/grad_comm_ops.py +714 -0
  408. mindspore/ops/_grad_experimental/grad_debug_ops.py +31 -0
  409. mindspore/ops/_grad_experimental/grad_implementations.py +203 -0
  410. mindspore/ops/_grad_experimental/grad_inner_ops.py +79 -0
  411. mindspore/ops/_grad_experimental/grad_math_ops.py +802 -0
  412. mindspore/ops/_grad_experimental/grad_nn_ops.py +231 -0
  413. mindspore/ops/_grad_experimental/grad_quant_ops.py +238 -0
  414. mindspore/ops/_grad_experimental/grad_sparse.py +342 -0
  415. mindspore/ops/_grad_experimental/grad_sparse_ops.py +399 -0
  416. mindspore/ops/_grad_experimental/taylor_rule.py +220 -0
  417. mindspore/ops/_op_impl/__init__.py +23 -0
  418. mindspore/ops/_op_impl/_custom_op/__init__.py +39 -0
  419. mindspore/ops/_op_impl/_custom_op/_basic.py +158 -0
  420. mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +279 -0
  421. mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +156 -0
  422. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +109 -0
  423. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +125 -0
  424. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +105 -0
  425. mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +124 -0
  426. mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +116 -0
  427. mindspore/ops/_op_impl/_custom_op/correction_mul.py +89 -0
  428. mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +196 -0
  429. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +366 -0
  430. mindspore/ops/_op_impl/_custom_op/dsd_impl.py +162 -0
  431. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +136 -0
  432. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +206 -0
  433. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +88 -0
  434. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +128 -0
  435. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +199 -0
  436. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +88 -0
  437. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +156 -0
  438. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +184 -0
  439. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +143 -0
  440. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +169 -0
  441. mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +548 -0
  442. mindspore/ops/_op_impl/_custom_op/img2col_impl.py +881 -0
  443. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +278 -0
  444. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +200 -0
  445. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +334 -0
  446. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +255 -0
  447. mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +222 -0
  448. mindspore/ops/_op_impl/_custom_op/matmul_dds_grad_impl.py +644 -0
  449. mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +488 -0
  450. mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +87 -0
  451. mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +129 -0
  452. mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +121 -0
  453. mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +352 -0
  454. mindspore/ops/_op_impl/aicpu/__init__.py +441 -0
  455. mindspore/ops/_op_impl/aicpu/abs.py +36 -0
  456. mindspore/ops/_op_impl/aicpu/acos.py +32 -0
  457. mindspore/ops/_op_impl/aicpu/acos_grad.py +33 -0
  458. mindspore/ops/_op_impl/aicpu/acosh.py +34 -0
  459. mindspore/ops/_op_impl/aicpu/acosh_grad.py +35 -0
  460. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d.py +34 -0
  461. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
  462. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d.py +39 -0
  463. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d_grad.py +39 -0
  464. mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d.py +37 -0
  465. mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d_grad.py +37 -0
  466. mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d.py +42 -0
  467. mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d_grad.py +152 -0
  468. mindspore/ops/_op_impl/aicpu/add.py +43 -0
  469. mindspore/ops/_op_impl/aicpu/add_n.py +41 -0
  470. mindspore/ops/_op_impl/aicpu/add_v2.py +40 -0
  471. mindspore/ops/_op_impl/aicpu/addcdiv.py +41 -0
  472. mindspore/ops/_op_impl/aicpu/addcmul.py +47 -0
  473. mindspore/ops/_op_impl/aicpu/adjust_contrastv2.py +32 -0
  474. mindspore/ops/_op_impl/aicpu/adjust_hue.py +31 -0
  475. mindspore/ops/_op_impl/aicpu/adjust_saturation.py +32 -0
  476. mindspore/ops/_op_impl/aicpu/affine_grid.py +33 -0
  477. mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
  478. mindspore/ops/_op_impl/aicpu/angle.py +31 -0
  479. mindspore/ops/_op_impl/aicpu/arg_max.py +75 -0
  480. mindspore/ops/_op_impl/aicpu/arg_min.py +75 -0
  481. mindspore/ops/_op_impl/aicpu/argmax_with_value.py +43 -0
  482. mindspore/ops/_op_impl/aicpu/argmin_with_value.py +43 -0
  483. mindspore/ops/_op_impl/aicpu/asin.py +32 -0
  484. mindspore/ops/_op_impl/aicpu/asin_grad.py +33 -0
  485. mindspore/ops/_op_impl/aicpu/asinh.py +34 -0
  486. mindspore/ops/_op_impl/aicpu/asinh_grad.py +35 -0
  487. mindspore/ops/_op_impl/aicpu/atanh.py +34 -0
  488. mindspore/ops/_op_impl/aicpu/avgpool_grad_v1.py +37 -0
  489. mindspore/ops/_op_impl/aicpu/avgpool_v1.py +36 -0
  490. mindspore/ops/_op_impl/aicpu/bartlett_window.py +36 -0
  491. mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -0
  492. mindspore/ops/_op_impl/aicpu/batch_norm_grad_grad.py +49 -0
  493. mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
  494. mindspore/ops/_op_impl/aicpu/bessel_i0.py +31 -0
  495. mindspore/ops/_op_impl/aicpu/betainc.py +31 -0
  496. mindspore/ops/_op_impl/aicpu/bias_add.py +44 -0
  497. mindspore/ops/_op_impl/aicpu/bias_add_grad.py +42 -0
  498. mindspore/ops/_op_impl/aicpu/bincount.py +33 -0
  499. mindspore/ops/_op_impl/aicpu/blackman_window.py +36 -0
  500. mindspore/ops/_op_impl/aicpu/broadcast_to.py +58 -0
  501. mindspore/ops/_op_impl/aicpu/bucketize.py +34 -0
  502. mindspore/ops/_op_impl/aicpu/cache_swap_table.py +102 -0
  503. mindspore/ops/_op_impl/aicpu/cast.py +225 -0
  504. mindspore/ops/_op_impl/aicpu/cauchy.py +33 -0
  505. mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
  506. mindspore/ops/_op_impl/aicpu/check_numerics.py +33 -0
  507. mindspore/ops/_op_impl/aicpu/cholesky.py +32 -0
  508. mindspore/ops/_op_impl/aicpu/cholesky_inverse.py +31 -0
  509. mindspore/ops/_op_impl/aicpu/cholesky_solve.py +33 -0
  510. mindspore/ops/_op_impl/aicpu/choleskygrad.py +32 -0
  511. mindspore/ops/_op_impl/aicpu/coalesce.py +37 -0
  512. mindspore/ops/_op_impl/aicpu/col2im.py +38 -0
  513. mindspore/ops/_op_impl/aicpu/combined_non_max_suppression.py +42 -0
  514. mindspore/ops/_op_impl/aicpu/compare_and_bitpack.py +37 -0
  515. mindspore/ops/_op_impl/aicpu/complex.py +32 -0
  516. mindspore/ops/_op_impl/aicpu/complex_abs.py +31 -0
  517. mindspore/ops/_op_impl/aicpu/compute_accidental_hits.py +44 -0
  518. mindspore/ops/_op_impl/aicpu/concat.py +57 -0
  519. mindspore/ops/_op_impl/aicpu/concat_offset.py +42 -0
  520. mindspore/ops/_op_impl/aicpu/concat_offset_v1.py +31 -0
  521. mindspore/ops/_op_impl/aicpu/conj.py +42 -0
  522. mindspore/ops/_op_impl/aicpu/conjugate_transpose.py +58 -0
  523. mindspore/ops/_op_impl/aicpu/cos.py +34 -0
  524. mindspore/ops/_op_impl/aicpu/cosh.py +34 -0
  525. mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
  526. mindspore/ops/_op_impl/aicpu/crop_and_resize.py +69 -0
  527. mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_boxes.py +68 -0
  528. mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_image.py +38 -0
  529. mindspore/ops/_op_impl/aicpu/cross.py +42 -0
  530. mindspore/ops/_op_impl/aicpu/csr_sparse_matrix_to_dense.py +48 -0
  531. mindspore/ops/_op_impl/aicpu/csr_sparse_matrix_to_sparse_tensor.py +51 -0
  532. mindspore/ops/_op_impl/aicpu/ctc_greedy_decoder.py +35 -0
  533. mindspore/ops/_op_impl/aicpu/ctc_loss_v2.py +43 -0
  534. mindspore/ops/_op_impl/aicpu/ctc_loss_v2_grad.py +45 -0
  535. mindspore/ops/_op_impl/aicpu/ctcloss.py +38 -0
  536. mindspore/ops/_op_impl/aicpu/cummax.py +41 -0
  537. mindspore/ops/_op_impl/aicpu/cumprod.py +58 -0
  538. mindspore/ops/_op_impl/aicpu/cumsum.py +58 -0
  539. mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +36 -0
  540. mindspore/ops/_op_impl/aicpu/data_format_vec_permute.py +32 -0
  541. mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
  542. mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
  543. mindspore/ops/_op_impl/aicpu/dense_to_csr_sparse_matrix.py +49 -0
  544. mindspore/ops/_op_impl/aicpu/dense_to_dense_set_operation.py +45 -0
  545. mindspore/ops/_op_impl/aicpu/dense_to_sparse_set_operation.py +48 -0
  546. mindspore/ops/_op_impl/aicpu/depth_to_space.py +44 -0
  547. mindspore/ops/_op_impl/aicpu/diag.py +36 -0
  548. mindspore/ops/_op_impl/aicpu/diag_part.py +36 -0
  549. mindspore/ops/_op_impl/aicpu/diagonal.py +35 -0
  550. mindspore/ops/_op_impl/aicpu/digamma.py +31 -0
  551. mindspore/ops/_op_impl/aicpu/div.py +41 -0
  552. mindspore/ops/_op_impl/aicpu/div_no_nan.py +35 -0
  553. mindspore/ops/_op_impl/aicpu/dropout2d.py +42 -0
  554. mindspore/ops/_op_impl/aicpu/dropout3d.py +42 -0
  555. mindspore/ops/_op_impl/aicpu/dropout_genmask.py +41 -0
  556. mindspore/ops/_op_impl/aicpu/dropout_genmask_v3.py +32 -0
  557. mindspore/ops/_op_impl/aicpu/dynamic_stitch.py +42 -0
  558. mindspore/ops/_op_impl/aicpu/edit_distance.py +56 -0
  559. mindspore/ops/_op_impl/aicpu/eig.py +35 -0
  560. mindspore/ops/_op_impl/aicpu/embedding_lookup.py +102 -0
  561. mindspore/ops/_op_impl/aicpu/end_of_sequence.py +30 -0
  562. mindspore/ops/_op_impl/aicpu/environ_create.py +28 -0
  563. mindspore/ops/_op_impl/aicpu/environ_destroy_all.py +28 -0
  564. mindspore/ops/_op_impl/aicpu/environ_get.py +41 -0
  565. mindspore/ops/_op_impl/aicpu/environ_set.py +40 -0
  566. mindspore/ops/_op_impl/aicpu/eps.py +32 -0
  567. mindspore/ops/_op_impl/aicpu/equal.py +41 -0
  568. mindspore/ops/_op_impl/aicpu/exp.py +37 -0
  569. mindspore/ops/_op_impl/aicpu/expand.py +45 -0
  570. mindspore/ops/_op_impl/aicpu/expand_dims.py +42 -0
  571. mindspore/ops/_op_impl/aicpu/expm1.py +34 -0
  572. mindspore/ops/_op_impl/aicpu/extract_glimpse.py +35 -0
  573. mindspore/ops/_op_impl/aicpu/eye.py +44 -0
  574. mindspore/ops/_op_impl/aicpu/fft_with_size.py +47 -0
  575. mindspore/ops/_op_impl/aicpu/fill_diagonal.py +39 -0
  576. mindspore/ops/_op_impl/aicpu/fill_v2.py +58 -0
  577. mindspore/ops/_op_impl/aicpu/flatten.py +43 -0
  578. mindspore/ops/_op_impl/aicpu/floor_div.py +38 -0
  579. mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
  580. mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
  581. mindspore/ops/_op_impl/aicpu/fractional_avg_pool.py +41 -0
  582. mindspore/ops/_op_impl/aicpu/fractional_avg_pool_grad.py +41 -0
  583. mindspore/ops/_op_impl/aicpu/fractional_max_pool.py +41 -0
  584. mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_grad_with_fixed_ksize.py +43 -0
  585. mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +65 -0
  586. mindspore/ops/_op_impl/aicpu/fractional_max_pool_grad.py +42 -0
  587. mindspore/ops/_op_impl/aicpu/fractional_max_pool_grad_with_fixed_ksize.py +42 -0
  588. mindspore/ops/_op_impl/aicpu/fractional_max_pool_with_fixed_ksize.py +49 -0
  589. mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
  590. mindspore/ops/_op_impl/aicpu/fused_sparse_adam.py +46 -0
  591. mindspore/ops/_op_impl/aicpu/fused_sparse_ftrl.py +41 -0
  592. mindspore/ops/_op_impl/aicpu/fused_sparse_lazy_adam.py +46 -0
  593. mindspore/ops/_op_impl/aicpu/fused_sparse_proximal_adagrad.py +39 -0
  594. mindspore/ops/_op_impl/aicpu/gamma.py +38 -0
  595. mindspore/ops/_op_impl/aicpu/gather.py +46 -0
  596. mindspore/ops/_op_impl/aicpu/gather_d.py +79 -0
  597. mindspore/ops/_op_impl/aicpu/gather_d_grad_v2.py +79 -0
  598. mindspore/ops/_op_impl/aicpu/gather_grad.py +54 -0
  599. mindspore/ops/_op_impl/aicpu/gather_nd.py +56 -0
  600. mindspore/ops/_op_impl/aicpu/gcd.py +32 -0
  601. mindspore/ops/_op_impl/aicpu/generate_eod_mask.py +38 -0
  602. mindspore/ops/_op_impl/aicpu/geqrf.py +32 -0
  603. mindspore/ops/_op_impl/aicpu/get_next.py +39 -0
  604. mindspore/ops/_op_impl/aicpu/glu.py +33 -0
  605. mindspore/ops/_op_impl/aicpu/glu_grad.py +34 -0
  606. mindspore/ops/_op_impl/aicpu/greater.py +41 -0
  607. mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
  608. mindspore/ops/_op_impl/aicpu/grid_sampler_2d.py +35 -0
  609. mindspore/ops/_op_impl/aicpu/grid_sampler_2d_grad.py +38 -0
  610. mindspore/ops/_op_impl/aicpu/grid_sampler_3d.py +34 -0
  611. mindspore/ops/_op_impl/aicpu/grid_sampler_3d_grad.py +38 -0
  612. mindspore/ops/_op_impl/aicpu/hamming_window.py +57 -0
  613. mindspore/ops/_op_impl/aicpu/hard_sigmoid.py +32 -0
  614. mindspore/ops/_op_impl/aicpu/hard_sigmoid_grad.py +33 -0
  615. mindspore/ops/_op_impl/aicpu/heaviside.py +40 -0
  616. mindspore/ops/_op_impl/aicpu/histogram.py +35 -0
  617. mindspore/ops/_op_impl/aicpu/hsv_to_rgb.py +32 -0
  618. mindspore/ops/_op_impl/aicpu/hypot.py +32 -0
  619. mindspore/ops/_op_impl/aicpu/identity.py +42 -0
  620. mindspore/ops/_op_impl/aicpu/identity_n.py +41 -0
  621. mindspore/ops/_op_impl/aicpu/igamma.py +30 -0
  622. mindspore/ops/_op_impl/aicpu/igammac.py +30 -0
  623. mindspore/ops/_op_impl/aicpu/igammagrada.py +30 -0
  624. mindspore/ops/_op_impl/aicpu/im2col.py +43 -0
  625. mindspore/ops/_op_impl/aicpu/imag.py +31 -0
  626. mindspore/ops/_op_impl/aicpu/index_fill.py +54 -0
  627. mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
  628. mindspore/ops/_op_impl/aicpu/init_data_set_queue.py +27 -0
  629. mindspore/ops/_op_impl/aicpu/inplace_index_add.py +39 -0
  630. mindspore/ops/_op_impl/aicpu/instance_norm_v2.py +41 -0
  631. mindspore/ops/_op_impl/aicpu/instance_norm_v2_grad.py +44 -0
  632. mindspore/ops/_op_impl/aicpu/is_finite.py +40 -0
  633. mindspore/ops/_op_impl/aicpu/is_inf.py +31 -0
  634. mindspore/ops/_op_impl/aicpu/is_nan.py +31 -0
  635. mindspore/ops/_op_impl/aicpu/kldivloss.py +34 -0
  636. mindspore/ops/_op_impl/aicpu/kldivlossgrad.py +35 -0
  637. mindspore/ops/_op_impl/aicpu/layer_norm_grad_grad.py +47 -0
  638. mindspore/ops/_op_impl/aicpu/lcm.py +32 -0
  639. mindspore/ops/_op_impl/aicpu/left_shift.py +38 -0
  640. mindspore/ops/_op_impl/aicpu/less.py +41 -0
  641. mindspore/ops/_op_impl/aicpu/less_equal.py +41 -0
  642. mindspore/ops/_op_impl/aicpu/lgamma.py +33 -0
  643. mindspore/ops/_op_impl/aicpu/linear_sum_assignment.py +57 -0
  644. mindspore/ops/_op_impl/aicpu/linspace.py +33 -0
  645. mindspore/ops/_op_impl/aicpu/list_diff.py +50 -0
  646. mindspore/ops/_op_impl/aicpu/log.py +37 -0
  647. mindspore/ops/_op_impl/aicpu/log1p.py +34 -0
  648. mindspore/ops/_op_impl/aicpu/log_matrix_determinant.py +31 -0
  649. mindspore/ops/_op_impl/aicpu/log_normal_reverse.py +33 -0
  650. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +37 -0
  651. mindspore/ops/_op_impl/aicpu/logical_xor.py +30 -0
  652. mindspore/ops/_op_impl/aicpu/logit.py +33 -0
  653. mindspore/ops/_op_impl/aicpu/logit_grad.py +34 -0
  654. mindspore/ops/_op_impl/aicpu/logspace.py +36 -0
  655. mindspore/ops/_op_impl/aicpu/lower_bound.py +47 -0
  656. mindspore/ops/_op_impl/aicpu/lstsq.py +34 -0
  657. mindspore/ops/_op_impl/aicpu/lu.py +39 -0
  658. mindspore/ops/_op_impl/aicpu/lu_solve.py +32 -0
  659. mindspore/ops/_op_impl/aicpu/lu_unpack.py +114 -0
  660. mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +49 -0
  661. mindspore/ops/_op_impl/aicpu/masked_fill.py +42 -0
  662. mindspore/ops/_op_impl/aicpu/masked_scatter.py +40 -0
  663. mindspore/ops/_op_impl/aicpu/masked_select.py +31 -0
  664. mindspore/ops/_op_impl/aicpu/masked_select_grad.py +35 -0
  665. mindspore/ops/_op_impl/aicpu/matmul.py +39 -0
  666. mindspore/ops/_op_impl/aicpu/matrix_band_part.py +59 -0
  667. mindspore/ops/_op_impl/aicpu/matrix_determinant.py +30 -0
  668. mindspore/ops/_op_impl/aicpu/matrix_diag_part_v3.py +54 -0
  669. mindspore/ops/_op_impl/aicpu/matrix_diag_v3.py +56 -0
  670. mindspore/ops/_op_impl/aicpu/matrix_exp.py +34 -0
  671. mindspore/ops/_op_impl/aicpu/matrix_inverse.py +31 -0
  672. mindspore/ops/_op_impl/aicpu/matrix_logarithm.py +31 -0
  673. mindspore/ops/_op_impl/aicpu/matrix_power.py +37 -0
  674. mindspore/ops/_op_impl/aicpu/matrix_set_diag_v3.py +54 -0
  675. mindspore/ops/_op_impl/aicpu/matrix_solve.py +35 -0
  676. mindspore/ops/_op_impl/aicpu/matrix_solve_ls.py +36 -0
  677. mindspore/ops/_op_impl/aicpu/matrix_triangular_solve.py +36 -0
  678. mindspore/ops/_op_impl/aicpu/max_pool3d_grad_with_argmax.py +60 -0
  679. mindspore/ops/_op_impl/aicpu/max_pool3d_with_argmax.py +59 -0
  680. mindspore/ops/_op_impl/aicpu/max_unpool2d.py +57 -0
  681. mindspore/ops/_op_impl/aicpu/max_unpool2d_grad.py +58 -0
  682. mindspore/ops/_op_impl/aicpu/max_unpool3d.py +57 -0
  683. mindspore/ops/_op_impl/aicpu/max_unpool3d_grad.py +58 -0
  684. mindspore/ops/_op_impl/aicpu/maximum_grad_grad.py +40 -0
  685. mindspore/ops/_op_impl/aicpu/maxpool_grad_v1.py +46 -0
  686. mindspore/ops/_op_impl/aicpu/maxpool_v1.py +42 -0
  687. mindspore/ops/_op_impl/aicpu/median.py +39 -0
  688. mindspore/ops/_op_impl/aicpu/median_grad.py +45 -0
  689. mindspore/ops/_op_impl/aicpu/meshgrid.py +41 -0
  690. mindspore/ops/_op_impl/aicpu/minimum_grad_grad.py +40 -0
  691. mindspore/ops/_op_impl/aicpu/mirror_pad.py +50 -0
  692. mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +48 -0
  693. mindspore/ops/_op_impl/aicpu/mul.py +43 -0
  694. mindspore/ops/_op_impl/aicpu/mul_no_nan.py +42 -0
  695. mindspore/ops/_op_impl/aicpu/multi_margin_loss.py +37 -0
  696. mindspore/ops/_op_impl/aicpu/multi_margin_loss_grad.py +41 -0
  697. mindspore/ops/_op_impl/aicpu/multilabel_margin_loss_grad.py +37 -0
  698. mindspore/ops/_op_impl/aicpu/multinomial.py +47 -0
  699. mindspore/ops/_op_impl/aicpu/multinomial_with_replacement.py +35 -0
  700. mindspore/ops/_op_impl/aicpu/mvlgamma.py +32 -0
  701. mindspore/ops/_op_impl/aicpu/mvlgamma_grad.py +33 -0
  702. mindspore/ops/_op_impl/aicpu/nan_to_num.py +34 -0
  703. mindspore/ops/_op_impl/aicpu/neg.py +36 -0
  704. mindspore/ops/_op_impl/aicpu/nextafter.py +32 -0
  705. mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
  706. mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
  707. mindspore/ops/_op_impl/aicpu/no_repeat_ngram.py +34 -0
  708. mindspore/ops/_op_impl/aicpu/non_deterministic_ints.py +33 -0
  709. mindspore/ops/_op_impl/aicpu/non_max_suppression.py +36 -0
  710. mindspore/ops/_op_impl/aicpu/non_max_suppression_with_overlaps.py +35 -0
  711. mindspore/ops/_op_impl/aicpu/non_zero.py +43 -0
  712. mindspore/ops/_op_impl/aicpu/not_equal.py +39 -0
  713. mindspore/ops/_op_impl/aicpu/nth_element.py +39 -0
  714. mindspore/ops/_op_impl/aicpu/nuclear_norm.py +33 -0
  715. mindspore/ops/_op_impl/aicpu/one_hot.py +116 -0
  716. mindspore/ops/_op_impl/aicpu/ones_like.py +39 -0
  717. mindspore/ops/_op_impl/aicpu/orgqr.py +34 -0
  718. mindspore/ops/_op_impl/aicpu/pad_and_shift.py +33 -0
  719. mindspore/ops/_op_impl/aicpu/pad_v3.py +61 -0
  720. mindspore/ops/_op_impl/aicpu/pad_v3_grad.py +59 -0
  721. mindspore/ops/_op_impl/aicpu/padding.py +41 -0
  722. mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +54 -0
  723. mindspore/ops/_op_impl/aicpu/pdist_grad.py +33 -0
  724. mindspore/ops/_op_impl/aicpu/poisson.py +37 -0
  725. mindspore/ops/_op_impl/aicpu/polar.py +32 -0
  726. mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
  727. mindspore/ops/_op_impl/aicpu/pow.py +39 -0
  728. mindspore/ops/_op_impl/aicpu/print_tensor.py +39 -0
  729. mindspore/ops/_op_impl/aicpu/priority_replay_buffer.py +113 -0
  730. mindspore/ops/_op_impl/aicpu/qr.py +36 -0
  731. mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
  732. mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
  733. mindspore/ops/_op_impl/aicpu/ragged_range.py +49 -0
  734. mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
  735. mindspore/ops/_op_impl/aicpu/ragged_tensor_to_tensor.py +74 -0
  736. mindspore/ops/_op_impl/aicpu/random_categorical.py +68 -0
  737. mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +36 -0
  738. mindspore/ops/_op_impl/aicpu/random_gamma.py +38 -0
  739. mindspore/ops/_op_impl/aicpu/random_poisson.py +134 -0
  740. mindspore/ops/_op_impl/aicpu/random_shuffle.py +47 -0
  741. mindspore/ops/_op_impl/aicpu/randperm.py +38 -0
  742. mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
  743. mindspore/ops/_op_impl/aicpu/range.py +36 -0
  744. mindspore/ops/_op_impl/aicpu/range_v2.py +35 -0
  745. mindspore/ops/_op_impl/aicpu/real.py +31 -0
  746. mindspore/ops/_op_impl/aicpu/real_div.py +40 -0
  747. mindspore/ops/_op_impl/aicpu/reciprocal.py +34 -0
  748. mindspore/ops/_op_impl/aicpu/reciprocal_grad.py +35 -0
  749. mindspore/ops/_op_impl/aicpu/reduce_mean.py +57 -0
  750. mindspore/ops/_op_impl/aicpu/reduce_prod.py +57 -0
  751. mindspore/ops/_op_impl/aicpu/reduce_sum.py +57 -0
  752. mindspore/ops/_op_impl/aicpu/relu_grad_v3.py +41 -0
  753. mindspore/ops/_op_impl/aicpu/relu_v3.py +38 -0
  754. mindspore/ops/_op_impl/aicpu/reservoir_replay_buffer.py +96 -0
  755. mindspore/ops/_op_impl/aicpu/reshape.py +42 -0
  756. mindspore/ops/_op_impl/aicpu/resize_area.py +40 -0
  757. mindspore/ops/_op_impl/aicpu/resize_bicubic.py +20 -0
  758. mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +19 -0
  759. mindspore/ops/_op_impl/aicpu/resize_bilinear.py +32 -0
  760. mindspore/ops/_op_impl/aicpu/resize_bilinear_grad.py +32 -0
  761. mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2.py +36 -0
  762. mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2_grad.py +35 -0
  763. mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
  764. mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
  765. mindspore/ops/_op_impl/aicpu/reverse_sequence.py +55 -0
  766. mindspore/ops/_op_impl/aicpu/reversev2.py +54 -0
  767. mindspore/ops/_op_impl/aicpu/rgb_to_hsv.py +32 -0
  768. mindspore/ops/_op_impl/aicpu/right_shift.py +38 -0
  769. mindspore/ops/_op_impl/aicpu/rnnt_loss.py +35 -0
  770. mindspore/ops/_op_impl/aicpu/round.py +34 -0
  771. mindspore/ops/_op_impl/aicpu/rsqrt.py +33 -0
  772. mindspore/ops/_op_impl/aicpu/rsqrt_grad.py +36 -0
  773. mindspore/ops/_op_impl/aicpu/sample_distorted_bounding_box_v2.py +49 -0
  774. mindspore/ops/_op_impl/aicpu/scale_and_translate.py +52 -0
  775. mindspore/ops/_op_impl/aicpu/scale_and_translate_grad.py +36 -0
  776. mindspore/ops/_op_impl/aicpu/scatter.py +79 -0
  777. mindspore/ops/_op_impl/aicpu/scatter_add_with_axis.py +53 -0
  778. mindspore/ops/_op_impl/aicpu/scatter_elements.py +39 -0
  779. mindspore/ops/_op_impl/aicpu/scatter_nd.py +59 -0
  780. mindspore/ops/_op_impl/aicpu/scatter_nd_max.py +54 -0
  781. mindspore/ops/_op_impl/aicpu/scatter_nd_min.py +54 -0
  782. mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +59 -0
  783. mindspore/ops/_op_impl/aicpu/search_sorted.py +44 -0
  784. mindspore/ops/_op_impl/aicpu/segment_max.py +52 -0
  785. mindspore/ops/_op_impl/aicpu/segment_mean.py +56 -0
  786. mindspore/ops/_op_impl/aicpu/segment_min.py +52 -0
  787. mindspore/ops/_op_impl/aicpu/segment_prod.py +56 -0
  788. mindspore/ops/_op_impl/aicpu/segment_sum.py +56 -0
  789. mindspore/ops/_op_impl/aicpu/select.py +45 -0
  790. mindspore/ops/_op_impl/aicpu/self_adjoint_eig.py +34 -0
  791. mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
  792. mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
  793. mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
  794. mindspore/ops/_op_impl/aicpu/sequence_concat.py +40 -0
  795. mindspore/ops/_op_impl/aicpu/sequence_stack.py +40 -0
  796. mindspore/ops/_op_impl/aicpu/set_size.py +38 -0
  797. mindspore/ops/_op_impl/aicpu/sign.py +36 -0
  798. mindspore/ops/_op_impl/aicpu/sin.py +34 -0
  799. mindspore/ops/_op_impl/aicpu/sinc.py +43 -0
  800. mindspore/ops/_op_impl/aicpu/sinh.py +34 -0
  801. mindspore/ops/_op_impl/aicpu/slice.py +59 -0
  802. mindspore/ops/_op_impl/aicpu/slice_grad.py +76 -0
  803. mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
  804. mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
  805. mindspore/ops/_op_impl/aicpu/sort.py +39 -0
  806. mindspore/ops/_op_impl/aicpu/space_to_depth.py +44 -0
  807. mindspore/ops/_op_impl/aicpu/sparse_addmm.py +87 -0
  808. mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +80 -0
  809. mindspore/ops/_op_impl/aicpu/sparse_apply_centered_rms_prop.py +105 -0
  810. mindspore/ops/_op_impl/aicpu/sparse_apply_momentum.py +80 -0
  811. mindspore/ops/_op_impl/aicpu/sparse_apply_proximal_gradient_descent.py +79 -0
  812. mindspore/ops/_op_impl/aicpu/sparse_concat.py +59 -0
  813. mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
  814. mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_add.py +58 -0
  815. mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_div.py +58 -0
  816. mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_mul.py +58 -0
  817. mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows.py +63 -0
  818. mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows_grad.py +45 -0
  819. mindspore/ops/_op_impl/aicpu/sparse_matrix_mat_mul.py +56 -0
  820. mindspore/ops/_op_impl/aicpu/sparse_matrix_nnz.py +81 -0
  821. mindspore/ops/_op_impl/aicpu/sparse_matrix_transpose.py +116 -0
  822. mindspore/ops/_op_impl/aicpu/sparse_reorder.py +56 -0
  823. mindspore/ops/_op_impl/aicpu/sparse_reshape.py +34 -0
  824. mindspore/ops/_op_impl/aicpu/sparse_segment_mean_grad.py +36 -0
  825. mindspore/ops/_op_impl/aicpu/sparse_segment_mean_with_num_segments.py +44 -0
  826. mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n.py +43 -0
  827. mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n_grad.py +38 -0
  828. mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n_with_num_segments.py +44 -0
  829. mindspore/ops/_op_impl/aicpu/sparse_segment_sum.py +49 -0
  830. mindspore/ops/_op_impl/aicpu/sparse_segment_sum_with_num_segments.py +68 -0
  831. mindspore/ops/_op_impl/aicpu/sparse_slice.py +63 -0
  832. mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +61 -0
  833. mindspore/ops/_op_impl/aicpu/sparse_softmax.py +33 -0
  834. mindspore/ops/_op_impl/aicpu/sparse_softmax_cross_entropy_with_logits_v2.py +35 -0
  835. mindspore/ops/_op_impl/aicpu/sparse_sparse_maximum.py +53 -0
  836. mindspore/ops/_op_impl/aicpu/sparse_sparse_minimum.py +53 -0
  837. mindspore/ops/_op_impl/aicpu/sparse_tensor_dense_add.py +84 -0
  838. mindspore/ops/_op_impl/aicpu/sparse_tensor_dense_mat_mul.py +190 -0
  839. mindspore/ops/_op_impl/aicpu/sparse_tensor_to_csr_sparse_matrix.py +51 -0
  840. mindspore/ops/_op_impl/aicpu/sparse_to_dense_v2.py +73 -0
  841. mindspore/ops/_op_impl/aicpu/split.py +45 -0
  842. mindspore/ops/_op_impl/aicpu/sqrt.py +34 -0
  843. mindspore/ops/_op_impl/aicpu/sqrt_grad.py +35 -0
  844. mindspore/ops/_op_impl/aicpu/square.py +35 -0
  845. mindspore/ops/_op_impl/aicpu/squared_difference.py +37 -0
  846. mindspore/ops/_op_impl/aicpu/squeeze.py +42 -0
  847. mindspore/ops/_op_impl/aicpu/sspaddmm.py +97 -0
  848. mindspore/ops/_op_impl/aicpu/stack.py +45 -0
  849. mindspore/ops/_op_impl/aicpu/stack_push_pop.py +87 -0
  850. mindspore/ops/_op_impl/aicpu/standard_laplace.py +34 -0
  851. mindspore/ops/_op_impl/aicpu/standard_normal.py +34 -0
  852. mindspore/ops/_op_impl/aicpu/stateless_dropout_genmask.py +37 -0
  853. mindspore/ops/_op_impl/aicpu/stft.py +70 -0
  854. mindspore/ops/_op_impl/aicpu/strided_slice.py +43 -0
  855. mindspore/ops/_op_impl/aicpu/strided_slice_grad.py +50 -0
  856. mindspore/ops/_op_impl/aicpu/sub.py +41 -0
  857. mindspore/ops/_op_impl/aicpu/sub_and_filter.py +36 -0
  858. mindspore/ops/_op_impl/aicpu/tan.py +34 -0
  859. mindspore/ops/_op_impl/aicpu/tanh.py +34 -0
  860. mindspore/ops/_op_impl/aicpu/tanh_grad.py +35 -0
  861. mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
  862. mindspore/ops/_op_impl/aicpu/tile.py +56 -0
  863. mindspore/ops/_op_impl/aicpu/topk.py +34 -0
  864. mindspore/ops/_op_impl/aicpu/trace.py +40 -0
  865. mindspore/ops/_op_impl/aicpu/tracegrad.py +41 -0
  866. mindspore/ops/_op_impl/aicpu/trans_data.py +35 -0
  867. mindspore/ops/_op_impl/aicpu/transpose.py +58 -0
  868. mindspore/ops/_op_impl/aicpu/tridiagonal_matmul.py +42 -0
  869. mindspore/ops/_op_impl/aicpu/tridiagonal_solve.py +35 -0
  870. mindspore/ops/_op_impl/aicpu/tril.py +42 -0
  871. mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
  872. mindspore/ops/_op_impl/aicpu/triplet_margin_loss.py +62 -0
  873. mindspore/ops/_op_impl/aicpu/triu.py +43 -0
  874. mindspore/ops/_op_impl/aicpu/triu_indices.py +34 -0
  875. mindspore/ops/_op_impl/aicpu/truncated_normal.py +39 -0
  876. mindspore/ops/_op_impl/aicpu/uniform.py +36 -0
  877. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +41 -0
  878. mindspore/ops/_op_impl/aicpu/uniform_int.py +36 -0
  879. mindspore/ops/_op_impl/aicpu/uniform_real.py +33 -0
  880. mindspore/ops/_op_impl/aicpu/unique.py +31 -0
  881. mindspore/ops/_op_impl/aicpu/unique_consecutive.py +47 -0
  882. mindspore/ops/_op_impl/aicpu/unique_with_pad.py +32 -0
  883. mindspore/ops/_op_impl/aicpu/unravel_index.py +32 -0
  884. mindspore/ops/_op_impl/aicpu/unsorted_segment_prod.py +53 -0
  885. mindspore/ops/_op_impl/aicpu/unsorted_segment_sum.py +57 -0
  886. mindspore/ops/_op_impl/aicpu/unstack.py +45 -0
  887. mindspore/ops/_op_impl/aicpu/update_cache.py +44 -0
  888. mindspore/ops/_op_impl/aicpu/upper_bound.py +47 -0
  889. mindspore/ops/_op_impl/aicpu/upsample_nearest_3d.py +42 -0
  890. mindspore/ops/_op_impl/aicpu/upsample_nearest_3d_grad.py +49 -0
  891. mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d.py +40 -0
  892. mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d_grad.py +50 -0
  893. mindspore/ops/_op_impl/aicpu/xdivy.py +35 -0
  894. mindspore/ops/_op_impl/aicpu/xlogy.py +33 -0
  895. mindspore/ops/_op_impl/aicpu/zeros_like.py +42 -0
  896. mindspore/ops/_op_impl/aicpu/zeta.py +31 -0
  897. mindspore/ops/_op_impl/akg/__init__.py +19 -0
  898. mindspore/ops/_op_impl/akg/ascend/__init__.py +48 -0
  899. mindspore/ops/_op_impl/akg/ascend/abs.py +35 -0
  900. mindspore/ops/_op_impl/akg/ascend/add.py +42 -0
  901. mindspore/ops/_op_impl/akg/ascend/add_n.py +37 -0
  902. mindspore/ops/_op_impl/akg/ascend/batchmatmul.py +33 -0
  903. mindspore/ops/_op_impl/akg/ascend/cast.py +46 -0
  904. mindspore/ops/_op_impl/akg/ascend/equal.py +35 -0
  905. mindspore/ops/_op_impl/akg/ascend/exp.py +35 -0
  906. mindspore/ops/_op_impl/akg/ascend/expand_dims.py +33 -0
  907. mindspore/ops/_op_impl/akg/ascend/greater.py +34 -0
  908. mindspore/ops/_op_impl/akg/ascend/greater_equal.py +35 -0
  909. mindspore/ops/_op_impl/akg/ascend/less.py +31 -0
  910. mindspore/ops/_op_impl/akg/ascend/less_equal.py +35 -0
  911. mindspore/ops/_op_impl/akg/ascend/load_im2col.py +33 -0
  912. mindspore/ops/_op_impl/akg/ascend/log.py +34 -0
  913. mindspore/ops/_op_impl/akg/ascend/maximum.py +36 -0
  914. mindspore/ops/_op_impl/akg/ascend/minimum.py +39 -0
  915. mindspore/ops/_op_impl/akg/ascend/mul.py +41 -0
  916. mindspore/ops/_op_impl/akg/ascend/neg.py +37 -0
  917. mindspore/ops/_op_impl/akg/ascend/pow.py +35 -0
  918. mindspore/ops/_op_impl/akg/ascend/prod_force_se_a.py +33 -0
  919. mindspore/ops/_op_impl/akg/ascend/real_div.py +36 -0
  920. mindspore/ops/_op_impl/akg/ascend/reciprocal.py +32 -0
  921. mindspore/ops/_op_impl/akg/ascend/reduce_max.py +32 -0
  922. mindspore/ops/_op_impl/akg/ascend/reduce_min.py +32 -0
  923. mindspore/ops/_op_impl/akg/ascend/reduce_sum.py +37 -0
  924. mindspore/ops/_op_impl/akg/ascend/rsqrt.py +35 -0
  925. mindspore/ops/_op_impl/akg/ascend/select.py +37 -0
  926. mindspore/ops/_op_impl/akg/ascend/sqrt.py +35 -0
  927. mindspore/ops/_op_impl/akg/ascend/square.py +35 -0
  928. mindspore/ops/_op_impl/akg/ascend/sub.py +42 -0
  929. mindspore/ops/_op_impl/akg/cpu/__init__.py +23 -0
  930. mindspore/ops/_op_impl/akg/cpu/coo2csr.py +29 -0
  931. mindspore/ops/_op_impl/akg/cpu/csr2coo.py +29 -0
  932. mindspore/ops/_op_impl/akg/cpu/csr_gather.py +33 -0
  933. mindspore/ops/_op_impl/akg/cpu/csr_mm.py +34 -0
  934. mindspore/ops/_op_impl/akg/cpu/csr_mul.py +33 -0
  935. mindspore/ops/_op_impl/akg/cpu/csr_mv.py +33 -0
  936. mindspore/ops/_op_impl/akg/cpu/csr_reduce_sum.py +31 -0
  937. mindspore/ops/_op_impl/akg/gpu/__init__.py +24 -0
  938. mindspore/ops/_op_impl/akg/gpu/coo2csr.py +29 -0
  939. mindspore/ops/_op_impl/akg/gpu/csr2coo.py +29 -0
  940. mindspore/ops/_op_impl/akg/gpu/csr_div.py +36 -0
  941. mindspore/ops/_op_impl/akg/gpu/csr_gather.py +33 -0
  942. mindspore/ops/_op_impl/akg/gpu/csr_mm.py +37 -0
  943. mindspore/ops/_op_impl/akg/gpu/csr_mul.py +36 -0
  944. mindspore/ops/_op_impl/akg/gpu/csr_mv.py +36 -0
  945. mindspore/ops/_op_impl/akg/gpu/csr_reduce_sum.py +33 -0
  946. mindspore/ops/_op_impl/cpu/__init__.py +78 -0
  947. mindspore/ops/_op_impl/cpu/adam.py +49 -0
  948. mindspore/ops/_op_impl/cpu/adam_weight_decay.py +47 -0
  949. mindspore/ops/_op_impl/cpu/arg_max.py +30 -0
  950. mindspore/ops/_op_impl/cpu/arg_max_with_value.py +31 -0
  951. mindspore/ops/_op_impl/cpu/arg_min_with_value.py +31 -0
  952. mindspore/ops/_op_impl/cpu/buffer_append.py +28 -0
  953. mindspore/ops/_op_impl/cpu/buffer_get.py +28 -0
  954. mindspore/ops/_op_impl/cpu/buffer_sample.py +28 -0
  955. mindspore/ops/_op_impl/cpu/cast.py +171 -0
  956. mindspore/ops/_op_impl/cpu/concat_offset.py +38 -0
  957. mindspore/ops/_op_impl/cpu/conv2d.py +30 -0
  958. mindspore/ops/_op_impl/cpu/conv3d.py +30 -0
  959. mindspore/ops/_op_impl/cpu/div.py +32 -0
  960. mindspore/ops/_op_impl/cpu/dropout.py +31 -0
  961. mindspore/ops/_op_impl/cpu/dropout_grad.py +30 -0
  962. mindspore/ops/_op_impl/cpu/dynamic_shape.py +42 -0
  963. mindspore/ops/_op_impl/cpu/dynamic_stitch.py +41 -0
  964. mindspore/ops/_op_impl/cpu/equal_count.py +30 -0
  965. mindspore/ops/_op_impl/cpu/gather_d.py +49 -0
  966. mindspore/ops/_op_impl/cpu/gather_d_grad.py +38 -0
  967. mindspore/ops/_op_impl/cpu/gather_d_grad_v2.py +40 -0
  968. mindspore/ops/_op_impl/cpu/gather_v2.py +40 -0
  969. mindspore/ops/_op_impl/cpu/hsigmoid.py +33 -0
  970. mindspore/ops/_op_impl/cpu/hsigmoid_grad.py +34 -0
  971. mindspore/ops/_op_impl/cpu/hswish.py +32 -0
  972. mindspore/ops/_op_impl/cpu/hswish_grad.py +33 -0
  973. mindspore/ops/_op_impl/cpu/identity_n.py +40 -0
  974. mindspore/ops/_op_impl/cpu/is_finite.py +39 -0
  975. mindspore/ops/_op_impl/cpu/l2loss.py +30 -0
  976. mindspore/ops/_op_impl/cpu/layer_norm.py +36 -0
  977. mindspore/ops/_op_impl/cpu/layer_norm_grad.py +38 -0
  978. mindspore/ops/_op_impl/cpu/maximum.py +35 -0
  979. mindspore/ops/_op_impl/cpu/maximum_grad.py +47 -0
  980. mindspore/ops/_op_impl/cpu/minimum.py +40 -0
  981. mindspore/ops/_op_impl/cpu/minimum_grad.py +51 -0
  982. mindspore/ops/_op_impl/cpu/mirror_pad.py +36 -0
  983. mindspore/ops/_op_impl/cpu/mirror_pad_grad.py +36 -0
  984. mindspore/ops/_op_impl/cpu/mul.py +32 -0
  985. mindspore/ops/_op_impl/cpu/one_hot.py +31 -0
  986. mindspore/ops/_op_impl/cpu/pad.py +32 -0
  987. mindspore/ops/_op_impl/cpu/pow.py +32 -0
  988. mindspore/ops/_op_impl/cpu/priority_replay_buffer.py +42 -0
  989. mindspore/ops/_op_impl/cpu/pyexecute.py +29 -0
  990. mindspore/ops/_op_impl/cpu/pyfunc.py +29 -0
  991. mindspore/ops/_op_impl/cpu/range.py +34 -0
  992. mindspore/ops/_op_impl/cpu/real_div.py +33 -0
  993. mindspore/ops/_op_impl/cpu/reduce_all.py +29 -0
  994. mindspore/ops/_op_impl/cpu/reduce_any.py +29 -0
  995. mindspore/ops/_op_impl/cpu/reduce_max.py +32 -0
  996. mindspore/ops/_op_impl/cpu/reduce_mean.py +40 -0
  997. mindspore/ops/_op_impl/cpu/reduce_min.py +32 -0
  998. mindspore/ops/_op_impl/cpu/reduce_prod.py +40 -0
  999. mindspore/ops/_op_impl/cpu/reduce_std.py +31 -0
  1000. mindspore/ops/_op_impl/cpu/reduce_sum.py +41 -0
  1001. mindspore/ops/_op_impl/cpu/space_to_batch_nd.py +38 -0
  1002. mindspore/ops/_op_impl/cpu/sparse_slice.py +62 -0
  1003. mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +60 -0
  1004. mindspore/ops/_op_impl/cpu/split.py +34 -0
  1005. mindspore/ops/_op_impl/cpu/sspaddmm.py +95 -0
  1006. mindspore/ops/_op_impl/cpu/stack.py +38 -0
  1007. mindspore/ops/_op_impl/cpu/sub.py +32 -0
  1008. mindspore/ops/_op_impl/cpu/tensor_copy_slices.py +41 -0
  1009. mindspore/ops/_op_impl/cpu/tile.py +37 -0
  1010. mindspore/ops/_op_impl/cpu/top_k.py +31 -0
  1011. mindspore/ops/_op_impl/cpu/transpose.py +39 -0
  1012. mindspore/ops/_primitive_cache.py +90 -0
  1013. mindspore/ops/_register_for_op.py +73 -0
  1014. mindspore/ops/_utils/__init__.py +20 -0
  1015. mindspore/ops/_utils/utils.py +147 -0
  1016. mindspore/ops/_vmap/__init__.py +25 -0
  1017. mindspore/ops/_vmap/vmap_array_ops.py +2149 -0
  1018. mindspore/ops/_vmap/vmap_base.py +533 -0
  1019. mindspore/ops/_vmap/vmap_convolution_ops.py +441 -0
  1020. mindspore/ops/_vmap/vmap_debug_ops.py +50 -0
  1021. mindspore/ops/_vmap/vmap_grad_math_ops.py +274 -0
  1022. mindspore/ops/_vmap/vmap_grad_nn_ops.py +806 -0
  1023. mindspore/ops/_vmap/vmap_image_ops.py +194 -0
  1024. mindspore/ops/_vmap/vmap_math_ops.py +993 -0
  1025. mindspore/ops/_vmap/vmap_nn_ops.py +2250 -0
  1026. mindspore/ops/_vmap/vmap_other_ops.py +105 -0
  1027. mindspore/ops/_vmap/vmap_random_ops.py +122 -0
  1028. mindspore/ops/_vmap/vmap_sparse_ops.py +89 -0
  1029. mindspore/ops/auto_generate/__init__.py +31 -0
  1030. mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +309 -0
  1031. mindspore/ops/auto_generate/gen_arg_dtype_cast.py +252 -0
  1032. mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
  1033. mindspore/ops/auto_generate/gen_extend_func.py +1701 -0
  1034. mindspore/ops/auto_generate/gen_ops_def.py +8482 -0
  1035. mindspore/ops/auto_generate/gen_ops_prim.py +16704 -0
  1036. mindspore/ops/auto_generate/pyboost_inner_prim.py +549 -0
  1037. mindspore/ops/composite/__init__.py +71 -0
  1038. mindspore/ops/composite/base.py +1318 -0
  1039. mindspore/ops/composite/env_ops.py +41 -0
  1040. mindspore/ops/composite/math_ops.py +125 -0
  1041. mindspore/ops/composite/multitype_ops/__init__.py +77 -0
  1042. mindspore/ops/composite/multitype_ops/_compile_utils.py +1459 -0
  1043. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +897 -0
  1044. mindspore/ops/composite/multitype_ops/add_impl.py +606 -0
  1045. mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +56 -0
  1046. mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +56 -0
  1047. mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +56 -0
  1048. mindspore/ops/composite/multitype_ops/div_impl.py +189 -0
  1049. mindspore/ops/composite/multitype_ops/equal_impl.py +335 -0
  1050. mindspore/ops/composite/multitype_ops/floordiv_impl.py +88 -0
  1051. mindspore/ops/composite/multitype_ops/getitem_impl.py +400 -0
  1052. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +109 -0
  1053. mindspore/ops/composite/multitype_ops/greater_impl.py +110 -0
  1054. mindspore/ops/composite/multitype_ops/in_impl.py +196 -0
  1055. mindspore/ops/composite/multitype_ops/left_shift_impl.py +37 -0
  1056. mindspore/ops/composite/multitype_ops/less_equal_impl.py +111 -0
  1057. mindspore/ops/composite/multitype_ops/less_impl.py +112 -0
  1058. mindspore/ops/composite/multitype_ops/logic_not_impl.py +113 -0
  1059. mindspore/ops/composite/multitype_ops/logical_and_impl.py +60 -0
  1060. mindspore/ops/composite/multitype_ops/logical_or_impl.py +61 -0
  1061. mindspore/ops/composite/multitype_ops/mod_impl.py +86 -0
  1062. mindspore/ops/composite/multitype_ops/mul_impl.py +294 -0
  1063. mindspore/ops/composite/multitype_ops/negative_impl.py +79 -0
  1064. mindspore/ops/composite/multitype_ops/not_equal_impl.py +290 -0
  1065. mindspore/ops/composite/multitype_ops/not_in_impl.py +196 -0
  1066. mindspore/ops/composite/multitype_ops/ones_like_impl.py +96 -0
  1067. mindspore/ops/composite/multitype_ops/pow_impl.py +87 -0
  1068. mindspore/ops/composite/multitype_ops/right_shift_impl.py +37 -0
  1069. mindspore/ops/composite/multitype_ops/setitem_impl.py +884 -0
  1070. mindspore/ops/composite/multitype_ops/sub_impl.py +116 -0
  1071. mindspore/ops/composite/multitype_ops/uadd_impl.py +29 -0
  1072. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +228 -0
  1073. mindspore/ops/deprecated.py +315 -0
  1074. mindspore/ops/function/__init__.py +782 -0
  1075. mindspore/ops/function/array_func.py +7226 -0
  1076. mindspore/ops/function/clip_func.py +384 -0
  1077. mindspore/ops/function/debug_func.py +181 -0
  1078. mindspore/ops/function/fft_func.py +44 -0
  1079. mindspore/ops/function/grad/__init__.py +34 -0
  1080. mindspore/ops/function/grad/grad_func.py +1425 -0
  1081. mindspore/ops/function/image_func.py +292 -0
  1082. mindspore/ops/function/linalg_func.py +416 -0
  1083. mindspore/ops/function/math_func.py +12228 -0
  1084. mindspore/ops/function/nn_func.py +8609 -0
  1085. mindspore/ops/function/other_func.py +115 -0
  1086. mindspore/ops/function/parameter_func.py +134 -0
  1087. mindspore/ops/function/random_func.py +1715 -0
  1088. mindspore/ops/function/reshard_func.py +104 -0
  1089. mindspore/ops/function/sparse_func.py +884 -0
  1090. mindspore/ops/function/sparse_unary_func.py +2422 -0
  1091. mindspore/ops/function/spectral_func.py +150 -0
  1092. mindspore/ops/function/vmap_func.py +117 -0
  1093. mindspore/ops/functional.py +464 -0
  1094. mindspore/ops/op_info_register.py +1572 -0
  1095. mindspore/ops/operations/__init__.py +722 -0
  1096. mindspore/ops/operations/_csr_ops.py +403 -0
  1097. mindspore/ops/operations/_custom_grad.py +181 -0
  1098. mindspore/ops/operations/_embedding_cache_ops.py +307 -0
  1099. mindspore/ops/operations/_grad_ops.py +2978 -0
  1100. mindspore/ops/operations/_infer_ops.py +19 -0
  1101. mindspore/ops/operations/_inner_ops.py +2544 -0
  1102. mindspore/ops/operations/_map_tensor_ops.py +112 -0
  1103. mindspore/ops/operations/_ms_kernel.py +601 -0
  1104. mindspore/ops/operations/_ocr_ops.py +379 -0
  1105. mindspore/ops/operations/_opaque_predicate_registry.py +41 -0
  1106. mindspore/ops/operations/_pyfunc_registry.py +58 -0
  1107. mindspore/ops/operations/_quant_ops.py +1844 -0
  1108. mindspore/ops/operations/_rl_inner_ops.py +1231 -0
  1109. mindspore/ops/operations/_scalar_ops.py +106 -0
  1110. mindspore/ops/operations/_sequence_ops.py +1155 -0
  1111. mindspore/ops/operations/_sparse_grad_ops.py +56 -0
  1112. mindspore/ops/operations/_tensor_array.py +359 -0
  1113. mindspore/ops/operations/_thor_ops.py +807 -0
  1114. mindspore/ops/operations/array_ops.py +6124 -0
  1115. mindspore/ops/operations/comm_ops.py +1985 -0
  1116. mindspore/ops/operations/control_ops.py +127 -0
  1117. mindspore/ops/operations/custom_ops.py +1129 -0
  1118. mindspore/ops/operations/debug_ops.py +678 -0
  1119. mindspore/ops/operations/image_ops.py +1041 -0
  1120. mindspore/ops/operations/inner_ops.py +697 -0
  1121. mindspore/ops/operations/linalg_ops.py +95 -0
  1122. mindspore/ops/operations/manually_defined/__init__.py +24 -0
  1123. mindspore/ops/operations/manually_defined/_inner.py +73 -0
  1124. mindspore/ops/operations/manually_defined/ops_def.py +2271 -0
  1125. mindspore/ops/operations/math_ops.py +5095 -0
  1126. mindspore/ops/operations/nn_ops.py +9575 -0
  1127. mindspore/ops/operations/other_ops.py +874 -0
  1128. mindspore/ops/operations/random_ops.py +1288 -0
  1129. mindspore/ops/operations/reshard_ops.py +53 -0
  1130. mindspore/ops/operations/rl_ops.py +288 -0
  1131. mindspore/ops/operations/sparse_ops.py +2753 -0
  1132. mindspore/ops/operations/spectral_ops.py +111 -0
  1133. mindspore/ops/primitive.py +1046 -0
  1134. mindspore/ops/signature.py +54 -0
  1135. mindspore/ops/vm_impl_registry.py +91 -0
  1136. mindspore/ops_generate/__init__.py +27 -0
  1137. mindspore/ops_generate/arg_dtype_cast.py +252 -0
  1138. mindspore/ops_generate/arg_handler.py +197 -0
  1139. mindspore/ops_generate/gen_aclnn_implement.py +263 -0
  1140. mindspore/ops_generate/gen_constants.py +36 -0
  1141. mindspore/ops_generate/gen_ops.py +1099 -0
  1142. mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
  1143. mindspore/ops_generate/gen_pyboost_func.py +1052 -0
  1144. mindspore/ops_generate/gen_utils.py +209 -0
  1145. mindspore/ops_generate/op_proto.py +145 -0
  1146. mindspore/ops_generate/pyboost_utils.py +367 -0
  1147. mindspore/ops_generate/template.py +261 -0
  1148. mindspore/parallel/__init__.py +30 -0
  1149. mindspore/parallel/_auto_parallel_context.py +1486 -0
  1150. mindspore/parallel/_cell_wrapper.py +174 -0
  1151. mindspore/parallel/_cost_model_context.py +700 -0
  1152. mindspore/parallel/_dp_allreduce_fusion.py +159 -0
  1153. mindspore/parallel/_offload_context.py +275 -0
  1154. mindspore/parallel/_parallel_serialization.py +561 -0
  1155. mindspore/parallel/_ps_context.py +242 -0
  1156. mindspore/parallel/_recovery_context.py +110 -0
  1157. mindspore/parallel/_tensor.py +730 -0
  1158. mindspore/parallel/_transformer/__init__.py +35 -0
  1159. mindspore/parallel/_transformer/layers.py +765 -0
  1160. mindspore/parallel/_transformer/loss.py +251 -0
  1161. mindspore/parallel/_transformer/moe.py +693 -0
  1162. mindspore/parallel/_transformer/op_parallel_config.py +222 -0
  1163. mindspore/parallel/_transformer/transformer.py +3119 -0
  1164. mindspore/parallel/_utils.py +612 -0
  1165. mindspore/parallel/algo_parameter_config.py +400 -0
  1166. mindspore/parallel/checkpoint_transform.py +650 -0
  1167. mindspore/parallel/cluster/__init__.py +15 -0
  1168. mindspore/parallel/cluster/process_entity/__init__.py +18 -0
  1169. mindspore/parallel/cluster/process_entity/_api.py +352 -0
  1170. mindspore/parallel/cluster/process_entity/_utils.py +101 -0
  1171. mindspore/parallel/cluster/run.py +136 -0
  1172. mindspore/parallel/mpi/__init__.py +14 -0
  1173. mindspore/parallel/mpi/_mpi_config.py +116 -0
  1174. mindspore/parallel/parameter_broadcast.py +151 -0
  1175. mindspore/parallel/shard.py +481 -0
  1176. mindspore/parallel/transform_safetensors.py +993 -0
  1177. mindspore/profiler/__init__.py +28 -0
  1178. mindspore/profiler/common/__init__.py +14 -0
  1179. mindspore/profiler/common/constant.py +29 -0
  1180. mindspore/profiler/common/exceptions/__init__.py +14 -0
  1181. mindspore/profiler/common/exceptions/error_code.py +83 -0
  1182. mindspore/profiler/common/exceptions/exceptions.py +286 -0
  1183. mindspore/profiler/common/process_pool.py +41 -0
  1184. mindspore/profiler/common/registry.py +47 -0
  1185. mindspore/profiler/common/singleton.py +28 -0
  1186. mindspore/profiler/common/struct_type.py +118 -0
  1187. mindspore/profiler/common/util.py +472 -0
  1188. mindspore/profiler/common/validator/__init__.py +14 -0
  1189. mindspore/profiler/common/validator/validate_path.py +84 -0
  1190. mindspore/profiler/dynamic_profiler.py +694 -0
  1191. mindspore/profiler/envprofiling.py +254 -0
  1192. mindspore/profiler/parser/__init__.py +14 -0
  1193. mindspore/profiler/parser/aicpu_data_parser.py +272 -0
  1194. mindspore/profiler/parser/ascend_analysis/__init__.py +14 -0
  1195. mindspore/profiler/parser/ascend_analysis/constant.py +71 -0
  1196. mindspore/profiler/parser/ascend_analysis/file_manager.py +180 -0
  1197. mindspore/profiler/parser/ascend_analysis/function_event.py +185 -0
  1198. mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +136 -0
  1199. mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +131 -0
  1200. mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +104 -0
  1201. mindspore/profiler/parser/ascend_analysis/path_manager.py +313 -0
  1202. mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +123 -0
  1203. mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
  1204. mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +75 -0
  1205. mindspore/profiler/parser/ascend_cluster_generator.py +116 -0
  1206. mindspore/profiler/parser/ascend_communicate_generator.py +314 -0
  1207. mindspore/profiler/parser/ascend_flops_generator.py +116 -0
  1208. mindspore/profiler/parser/ascend_fpbp_generator.py +82 -0
  1209. mindspore/profiler/parser/ascend_hccl_generator.py +271 -0
  1210. mindspore/profiler/parser/ascend_integrate_generator.py +42 -0
  1211. mindspore/profiler/parser/ascend_memory_generator.py +185 -0
  1212. mindspore/profiler/parser/ascend_msprof_exporter.py +282 -0
  1213. mindspore/profiler/parser/ascend_msprof_generator.py +187 -0
  1214. mindspore/profiler/parser/ascend_op_generator.py +334 -0
  1215. mindspore/profiler/parser/ascend_steptrace_generator.py +94 -0
  1216. mindspore/profiler/parser/ascend_timeline_generator.py +545 -0
  1217. mindspore/profiler/parser/base_timeline_generator.py +483 -0
  1218. mindspore/profiler/parser/container.py +229 -0
  1219. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +697 -0
  1220. mindspore/profiler/parser/flops_parser.py +531 -0
  1221. mindspore/profiler/parser/framework_enum.py +111 -0
  1222. mindspore/profiler/parser/framework_parser.py +464 -0
  1223. mindspore/profiler/parser/framework_struct.py +61 -0
  1224. mindspore/profiler/parser/gpu_analysis/__init__.py +14 -0
  1225. mindspore/profiler/parser/gpu_analysis/function_event.py +44 -0
  1226. mindspore/profiler/parser/gpu_analysis/fwk_file_parser.py +89 -0
  1227. mindspore/profiler/parser/gpu_analysis/profiler_info_parser.py +72 -0
  1228. mindspore/profiler/parser/hccl_parser.py +573 -0
  1229. mindspore/profiler/parser/hwts_log_parser.py +122 -0
  1230. mindspore/profiler/parser/integrator.py +526 -0
  1231. mindspore/profiler/parser/memory_usage_parser.py +277 -0
  1232. mindspore/profiler/parser/minddata_analyzer.py +800 -0
  1233. mindspore/profiler/parser/minddata_parser.py +186 -0
  1234. mindspore/profiler/parser/minddata_pipeline_parser.py +299 -0
  1235. mindspore/profiler/parser/op_intermediate_parser.py +149 -0
  1236. mindspore/profiler/parser/optime_parser.py +250 -0
  1237. mindspore/profiler/parser/profiler_info.py +213 -0
  1238. mindspore/profiler/parser/step_trace_parser.py +666 -0
  1239. mindspore/profiler/profiler.py +153 -0
  1240. mindspore/profiler/profiling.py +1922 -0
  1241. mindspore/rewrite/__init__.py +28 -0
  1242. mindspore/rewrite/api/__init__.py +17 -0
  1243. mindspore/rewrite/api/node.py +519 -0
  1244. mindspore/rewrite/api/node_type.py +53 -0
  1245. mindspore/rewrite/api/pattern_engine.py +490 -0
  1246. mindspore/rewrite/api/scoped_value.py +181 -0
  1247. mindspore/rewrite/api/symbol_tree.py +497 -0
  1248. mindspore/rewrite/ast_helpers/__init__.py +25 -0
  1249. mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
  1250. mindspore/rewrite/ast_helpers/ast_finder.py +404 -0
  1251. mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
  1252. mindspore/rewrite/ast_helpers/ast_modifier.py +605 -0
  1253. mindspore/rewrite/ast_helpers/ast_replacer.py +79 -0
  1254. mindspore/rewrite/common/__init__.py +19 -0
  1255. mindspore/rewrite/common/config.py +24 -0
  1256. mindspore/rewrite/common/error_log.py +39 -0
  1257. mindspore/rewrite/common/event.py +28 -0
  1258. mindspore/rewrite/common/namer.py +271 -0
  1259. mindspore/rewrite/common/namespace.py +118 -0
  1260. mindspore/rewrite/common/observable.py +44 -0
  1261. mindspore/rewrite/common/observer.py +54 -0
  1262. mindspore/rewrite/node/__init__.py +22 -0
  1263. mindspore/rewrite/node/call_function.py +95 -0
  1264. mindspore/rewrite/node/cell_container.py +139 -0
  1265. mindspore/rewrite/node/control_flow.py +113 -0
  1266. mindspore/rewrite/node/node.py +1428 -0
  1267. mindspore/rewrite/node/node_manager.py +283 -0
  1268. mindspore/rewrite/node/node_topological_manager.py +223 -0
  1269. mindspore/rewrite/parsers/__init__.py +29 -0
  1270. mindspore/rewrite/parsers/arguments_parser.py +63 -0
  1271. mindspore/rewrite/parsers/assign_parser.py +852 -0
  1272. mindspore/rewrite/parsers/attribute_parser.py +57 -0
  1273. mindspore/rewrite/parsers/class_def_parser.py +289 -0
  1274. mindspore/rewrite/parsers/constant_parser.py +104 -0
  1275. mindspore/rewrite/parsers/container_parser.py +88 -0
  1276. mindspore/rewrite/parsers/expr_parser.py +55 -0
  1277. mindspore/rewrite/parsers/for_parser.py +61 -0
  1278. mindspore/rewrite/parsers/function_def_parser.py +84 -0
  1279. mindspore/rewrite/parsers/if_parser.py +85 -0
  1280. mindspore/rewrite/parsers/module_parser.py +117 -0
  1281. mindspore/rewrite/parsers/parser.py +43 -0
  1282. mindspore/rewrite/parsers/parser_register.py +86 -0
  1283. mindspore/rewrite/parsers/return_parser.py +37 -0
  1284. mindspore/rewrite/parsers/while_parser.py +59 -0
  1285. mindspore/rewrite/sparsify/__init__.py +0 -0
  1286. mindspore/rewrite/sparsify/sparse_transformer.py +457 -0
  1287. mindspore/rewrite/sparsify/sparsify.py +112 -0
  1288. mindspore/rewrite/sparsify/utils.py +179 -0
  1289. mindspore/rewrite/symbol_tree/__init__.py +20 -0
  1290. mindspore/rewrite/symbol_tree/symbol_tree.py +1819 -0
  1291. mindspore/rewrite/symbol_tree/symbol_tree_builder.py +76 -0
  1292. mindspore/rewrite/symbol_tree/symbol_tree_dumper.py +142 -0
  1293. mindspore/run_check/__init__.py +20 -0
  1294. mindspore/run_check/_check_version.py +507 -0
  1295. mindspore/run_check/run_check.py +66 -0
  1296. mindspore/safeguard/__init__.py +18 -0
  1297. mindspore/safeguard/rewrite_obfuscation.py +875 -0
  1298. mindspore/scipy/__init__.py +18 -0
  1299. mindspore/scipy/fft.py +264 -0
  1300. mindspore/scipy/linalg.py +919 -0
  1301. mindspore/scipy/ops.py +165 -0
  1302. mindspore/scipy/ops_grad.py +115 -0
  1303. mindspore/scipy/ops_wrapper.py +74 -0
  1304. mindspore/scipy/optimize/__init__.py +20 -0
  1305. mindspore/scipy/optimize/_bfgs.py +230 -0
  1306. mindspore/scipy/optimize/_lagrange.py +201 -0
  1307. mindspore/scipy/optimize/_lbfgs.py +146 -0
  1308. mindspore/scipy/optimize/gradient_optimization_algorithm.py +168 -0
  1309. mindspore/scipy/optimize/line_search.py +370 -0
  1310. mindspore/scipy/optimize/linear_sum_assignment.py +78 -0
  1311. mindspore/scipy/optimize/minimize.py +200 -0
  1312. mindspore/scipy/utils.py +156 -0
  1313. mindspore/scipy/utils_const.py +246 -0
  1314. mindspore/train/__init__.py +48 -0
  1315. mindspore/train/_utils.py +465 -0
  1316. mindspore/train/amp.py +935 -0
  1317. mindspore/train/anf_ir_pb2.py +1517 -0
  1318. mindspore/train/callback/__init__.py +44 -0
  1319. mindspore/train/callback/_backup_and_restore.py +117 -0
  1320. mindspore/train/callback/_callback.py +613 -0
  1321. mindspore/train/callback/_checkpoint.py +814 -0
  1322. mindspore/train/callback/_cluster_monitor.py +201 -0
  1323. mindspore/train/callback/_dataset_graph.py +150 -0
  1324. mindspore/train/callback/_early_stop.py +239 -0
  1325. mindspore/train/callback/_flops_collector.py +239 -0
  1326. mindspore/train/callback/_history.py +92 -0
  1327. mindspore/train/callback/_lambda_callback.py +80 -0
  1328. mindspore/train/callback/_landscape.py +1049 -0
  1329. mindspore/train/callback/_loss_monitor.py +107 -0
  1330. mindspore/train/callback/_lr_scheduler_callback.py +76 -0
  1331. mindspore/train/callback/_on_request_exit.py +298 -0
  1332. mindspore/train/callback/_reduce_lr_on_plateau.py +226 -0
  1333. mindspore/train/callback/_summary_collector.py +1184 -0
  1334. mindspore/train/callback/_tft_register.py +352 -0
  1335. mindspore/train/callback/_time_monitor.py +141 -0
  1336. mindspore/train/checkpoint_pb2.py +233 -0
  1337. mindspore/train/data_sink.py +219 -0
  1338. mindspore/train/dataset_helper.py +692 -0
  1339. mindspore/train/lineage_pb2.py +1260 -0
  1340. mindspore/train/loss_scale_manager.py +213 -0
  1341. mindspore/train/memory_profiling_pb2.py +298 -0
  1342. mindspore/train/metrics/__init__.py +175 -0
  1343. mindspore/train/metrics/accuracy.py +133 -0
  1344. mindspore/train/metrics/auc.py +129 -0
  1345. mindspore/train/metrics/bleu_score.py +170 -0
  1346. mindspore/train/metrics/confusion_matrix.py +700 -0
  1347. mindspore/train/metrics/cosine_similarity.py +109 -0
  1348. mindspore/train/metrics/dice.py +116 -0
  1349. mindspore/train/metrics/error.py +175 -0
  1350. mindspore/train/metrics/fbeta.py +167 -0
  1351. mindspore/train/metrics/hausdorff_distance.py +333 -0
  1352. mindspore/train/metrics/loss.py +97 -0
  1353. mindspore/train/metrics/mean_surface_distance.py +189 -0
  1354. mindspore/train/metrics/metric.py +373 -0
  1355. mindspore/train/metrics/occlusion_sensitivity.py +225 -0
  1356. mindspore/train/metrics/perplexity.py +133 -0
  1357. mindspore/train/metrics/precision.py +160 -0
  1358. mindspore/train/metrics/recall.py +159 -0
  1359. mindspore/train/metrics/roc.py +223 -0
  1360. mindspore/train/metrics/root_mean_square_surface_distance.py +191 -0
  1361. mindspore/train/metrics/topk.py +167 -0
  1362. mindspore/train/mind_ir_pb2.py +1908 -0
  1363. mindspore/train/model.py +2252 -0
  1364. mindspore/train/node_strategy_pb2.py +653 -0
  1365. mindspore/train/print_pb2.py +184 -0
  1366. mindspore/train/profiling_parallel_pb2.py +151 -0
  1367. mindspore/train/serialization.py +3325 -0
  1368. mindspore/train/summary/__init__.py +23 -0
  1369. mindspore/train/summary/_lineage_adapter.py +41 -0
  1370. mindspore/train/summary/_summary_adapter.py +496 -0
  1371. mindspore/train/summary/_writer_pool.py +207 -0
  1372. mindspore/train/summary/enums.py +56 -0
  1373. mindspore/train/summary/summary_record.py +581 -0
  1374. mindspore/train/summary/writer.py +167 -0
  1375. mindspore/train/summary_pb2.py +1165 -0
  1376. mindspore/train/train_thor/__init__.py +20 -0
  1377. mindspore/train/train_thor/convert_utils.py +268 -0
  1378. mindspore/train/train_thor/dataset_helper.py +192 -0
  1379. mindspore/train/train_thor/model_thor.py +257 -0
  1380. mindspore/utils/__init__.py +21 -0
  1381. mindspore/utils/utils.py +60 -0
  1382. mindspore/version.py +1 -0
  1383. mindspore-2.4.0.dist-info/METADATA +352 -0
  1384. mindspore-2.4.0.dist-info/RECORD +1387 -0
  1385. mindspore-2.4.0.dist-info/WHEEL +5 -0
  1386. mindspore-2.4.0.dist-info/entry_points.txt +3 -0
  1387. mindspore-2.4.0.dist-info/top_level.txt +1 -0
@@ -0,0 +1,1586 @@
1
+ # Copyright 2024 Huawei Technologies Co., Ltd
2
+ #
3
+ # Licensed under the Apache License, Version 2.0 (the "License");
4
+ # you may not use this file except in compliance with the License.
5
+ # You may obtain a copy of the License at
6
+ #
7
+ # http://www.apache.org/licenses/LICENSE-2.0
8
+ #
9
+ # Unless required by applicable law or agreed to in writing, software
10
+ # distributed under the License is distributed on an "AS IS" BASIS,
11
+ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
12
+ # See the License for the specific language governing permissions and
13
+ # limitations under the License.
14
+ # ============================================================================
15
+ """mint module."""
16
+ from __future__ import absolute_import
17
+ import mindspore.ops as ops
18
+ from mindspore.common._register_for_tensor import tensor_operator_registry_for_mint
19
+ from mindspore.common.tensor import Tensor
20
+ from mindspore.ops.function.array_func import gather_ext as gather, max_ext as max, min_ext as min
21
+ from mindspore.ops.function.nn_func import conv2d_ext as conv2d
22
+ from mindspore.mint.nn.functional import sigmoid
23
+ from mindspore.mint.nn import functional
24
+ from mindspore.mint import linalg
25
+ from mindspore.mint import special
26
+ from mindspore.mint import distributed
27
+ from mindspore.ops import erf, where
28
+ from mindspore.ops.function.math_func import linspace_ext as linspace
29
+ from mindspore.ops.function.math_func import median_ext as median
30
+ from mindspore.ops.function.array_func import ones_like_ext as ones_like
31
+ from mindspore.ops.function.array_func import full_ext as full
32
+ from mindspore.ops.function.array_func import zeros_like_ext as zeros_like
33
+ from mindspore.ops.function.array_func import unique_ext as unique
34
+ from mindspore.ops.function.array_func import chunk_ext as chunk
35
+ from mindspore.ops.function.math_func import isclose
36
+ from mindspore.ops.auto_generate import abs
37
+ # 1
38
+ from mindspore.ops.function.math_func import divide, div
39
+ from mindspore.ops.auto_generate import topk_ext as topk
40
+ from mindspore.ops.function.math_func import roll
41
+ # 2
42
+ from mindspore.ops.function.math_func import sin
43
+ # 3
44
+ from mindspore.ops.function.clip_func import clamp
45
+ # 4
46
+ from mindspore.ops.auto_generate import sinc
47
+ from mindspore.ops.auto_generate import sinh
48
+ from mindspore.ops.auto_generate import cosh
49
+ from mindspore.ops.function.math_func import xlogy_ext as xlogy
50
+ # 5
51
+ from mindspore.ops.auto_generate import cumsum_ext as cumsum
52
+ # 6
53
+ from mindspore.ops.auto_generate import stack_ext as stack
54
+
55
+ # 7
56
+ from mindspore.ops.function.array_func import unsqueeze
57
+ # 8
58
+ from mindspore.ops.auto_generate import transpose_ext as transpose
59
+ # 9
60
+ from mindspore.ops.auto_generate import masked_select
61
+ from mindspore.ops.function.math_func import cross
62
+ # 10
63
+ from mindspore.ops.function.math_func import ne
64
+ # 11
65
+
66
+ # 12
67
+ from mindspore.ops.function.array_func import repeat_interleave_ext as repeat_interleave
68
+ # 13
69
+ from mindspore.ops.functional import flip
70
+ # 14
71
+
72
+ # 15
73
+ from mindspore.ops.auto_generate import flatten_ext as flatten
74
+ # 16
75
+ from mindspore.ops.functional import matmul
76
+ from mindspore.ops.auto_generate import bmm_ext as bmm
77
+ # 17
78
+
79
+ # 18
80
+ from mindspore.ops.functional import sum
81
+ # 19
82
+ from mindspore.ops.functional import log
83
+ # 20
84
+
85
+ # 21
86
+ from mindspore.ops.functional import mul
87
+ # 22
88
+
89
+ # 23
90
+
91
+ # 24
92
+
93
+ # 25
94
+ from mindspore.ops.functional import greater, gt
95
+ # 26
96
+ from mindspore.ops.functional import eq
97
+ # 27
98
+ from mindspore.ops.functional import reciprocal
99
+ # 28
100
+ from mindspore.ops.functional import exp
101
+ # 29
102
+
103
+ # 30
104
+ from mindspore.ops.functional import searchsorted
105
+ # 31
106
+
107
+ # 32
108
+
109
+ # 33
110
+
111
+ # 34
112
+
113
+ # 35
114
+ from mindspore.ops.functional import erfinv
115
+ # 36
116
+
117
+ # 37
118
+ from mindspore.ops.function.array_func import nonzero
119
+ # 38
120
+
121
+ # 39
122
+
123
+ # 40
124
+
125
+ # 41
126
+
127
+ # 42
128
+ from mindspore.ops.function.math_func import argmax_ext as argmax
129
+ # 43
130
+
131
+ # 44
132
+ from mindspore.ops.functional import cos
133
+ # 45
134
+
135
+ # 46
136
+ from mindspore.ops.function.math_func import bitwise_and_ext as bitwise_and
137
+ # 47
138
+ from mindspore.ops.function.math_func import bitwise_or_ext as bitwise_or
139
+ # 48
140
+ from mindspore.ops.function.math_func import bitwise_xor_ext as bitwise_xor
141
+ # 49
142
+ from mindspore.ops.function.math_func import baddbmm_ext as baddbmm
143
+ # 50
144
+ from mindspore.ops.functional import tile
145
+ # 51
146
+
147
+ # 52
148
+
149
+ # 53
150
+
151
+ # 54
152
+ from mindspore.ops.function.random_func import normal_ext as normal
153
+ # 55
154
+
155
+ # 56
156
+ from mindspore.ops.function.math_func import norm_ext as norm
157
+ # 57
158
+ from mindspore.ops.functional import broadcast_to
159
+ # 58
160
+ from mindspore.ops.function.math_func import greater_equal
161
+ # 59
162
+ from mindspore.ops.functional import square
163
+ # 60
164
+
165
+ # 61
166
+ from mindspore.ops.functional import rsqrt
167
+ # 62
168
+ from mindspore.ops.functional import maximum
169
+ # 63
170
+ from mindspore.ops.functional import minimum
171
+ # 64
172
+
173
+ # 65
174
+ from mindspore.ops.functional import logical_and
175
+ # 66
176
+ from mindspore.ops.functional import logical_not
177
+ # 67
178
+ from mindspore.ops.functional import logical_or
179
+ # 68
180
+ from mindspore.ops.functional import logical_xor
181
+ # 69
182
+ from mindspore.ops.functional import less_equal, le
183
+ # 70
184
+ from mindspore.ops.functional import negative, neg
185
+ # 71
186
+ from mindspore.ops.functional import isfinite
187
+ # 72
188
+
189
+ # 73
190
+ from mindspore.ops.functional import ceil
191
+ # 74
192
+ from mindspore.ops.function.array_func import sort_ext as sort
193
+ # 75
194
+ from mindspore.ops.functional import less, lt
195
+ # 76
196
+ from mindspore.ops.functional import pow
197
+ # 77
198
+
199
+ # 78
200
+ from mindspore.ops.function import arange_ext as arange
201
+ # 79
202
+
203
+ # 80
204
+
205
+ # 81
206
+ from mindspore.ops.auto_generate import index_select_ext as index_select
207
+ # 82
208
+ from mindspore.ops.auto_generate import cummin_ext as cummin
209
+ # 83
210
+ from mindspore.ops.function.array_func import narrow_ext as narrow
211
+ # 84
212
+
213
+ # 85
214
+ from mindspore.mint import nn, optim
215
+ # 86
216
+
217
+ # 87
218
+ from mindspore.ops.auto_generate import trunc
219
+ # 88
220
+
221
+ # 89
222
+
223
+ # 90
224
+
225
+ # 91
226
+
227
+ # 92
228
+
229
+ # 93
230
+
231
+ # 94
232
+ from mindspore.ops.function.math_func import tanh
233
+ # 95
234
+
235
+ # 96
236
+
237
+ # 97
238
+
239
+ # 98
240
+
241
+ # 99
242
+
243
+ # 100
244
+
245
+ # 101
246
+
247
+ # 102
248
+
249
+ # 103
250
+
251
+ # 104
252
+
253
+ # 105
254
+
255
+ # 106
256
+
257
+ # 107
258
+
259
+ # 108
260
+
261
+ # 109
262
+ from mindspore.ops.auto_generate import argmin_ext as argmin
263
+ # 110
264
+
265
+ # 111
266
+
267
+ # 112
268
+
269
+ # 113
270
+
271
+ # 114
272
+
273
+ # 115
274
+
275
+ # 116
276
+
277
+ # 117
278
+
279
+ # 118
280
+
281
+ # 119
282
+
283
+ # 120
284
+
285
+ # 121
286
+
287
+ # 122
288
+
289
+ # 151
290
+ from mindspore.ops.function.math_func import acos_ext as acos
291
+ from mindspore.ops.function.math_func import arccos_ext as arccos
292
+ # 152
293
+ from mindspore.ops.function.math_func import acosh_ext as acosh
294
+ from mindspore.ops.function.math_func import arccosh_ext as arccosh
295
+ # 172
296
+ from mindspore.ops.function.math_func import asin_ext as asin
297
+ from mindspore.ops.function.math_func import arcsin_ext as arcsin
298
+ # 173
299
+ from mindspore.ops.function.math_func import asinh_ext as asinh
300
+ from mindspore.ops.function.math_func import arcsinh_ext as arcsinh
301
+ # 174
302
+ from mindspore.ops.function.math_func import atan_ext as atan
303
+ from mindspore.ops.function.math_func import arctan_ext as arctan
304
+ # 175
305
+ from mindspore.ops.function.math_func import atanh
306
+ from mindspore.ops.function.math_func import arctanh
307
+ # 176
308
+ from mindspore.ops.function.math_func import atan2_ext as atan2
309
+ from mindspore.ops.function.math_func import arctan2_ext as arctan2
310
+
311
+ # 177
312
+ from mindspore.ops.function.math_func import round
313
+
314
+ # 182
315
+ from mindspore.ops.function.math_func import bernoulli_ext as bernoulli
316
+
317
+ # 204
318
+ from mindspore.ops.auto_generate import erfc
319
+ # 207
320
+ from mindspore.ops.auto_generate import expm1
321
+ # 208
322
+ from mindspore.ops.function.array_func import eye
323
+ from mindspore.ops.function.random_func import rand_ext as rand
324
+ from mindspore.ops.function.random_func import rand_like_ext as rand_like
325
+ # 210
326
+ from mindspore.ops.auto_generate import floor
327
+ # 231
328
+ from mindspore.ops.function.math_func import inverse_ext as inverse
329
+ # 244
330
+ from mindspore.ops.auto_generate import log1p
331
+ # 261
332
+ from mindspore.ops.function.random_func import multinomial_ext as multinomial
333
+ # 275
334
+ from mindspore.ops.function.math_func import remainder_ext as remainder
335
+ # 285
336
+ from mindspore.ops.function.array_func import scatter_add_ext as scatter_add
337
+ # 289
338
+ from mindspore.ops.auto_generate import sign
339
+
340
+ from mindspore.ops.auto_generate import select_ext as select
341
+
342
+ # 301
343
+ from mindspore.ops.function.math_func import tan
344
+
345
+ # 303
346
+ from mindspore.ops.auto_generate import trace_ext as trace
347
+
348
+ from mindspore.ops.function.array_func import reshape
349
+
350
+ from mindspore.ops.auto_generate import outer_ext as outer
351
+
352
+ # 304
353
+ from mindspore.ops.function.array_func import tril_ext as tril
354
+
355
+ # 305
356
+ from mindspore.ops import triu
357
+
358
+ # 538
359
+ from mindspore.ops.function.math_func import histc_ext as histc
360
+
361
+ # 553
362
+ from mindspore.ops.auto_generate import logaddexp_ext as logaddexp
363
+
364
+ # 610
365
+ from mindspore.ops.function.math_func import nan_to_num
366
+
367
+
368
+ def add(input, other, *, alpha=1):
369
+ r"""
370
+ Adds scaled other value to input Tensor.
371
+
372
+ .. math::
373
+
374
+ out_{i} = input_{i} + alpha \times other_{i}
375
+
376
+ Note:
377
+ - When the two inputs have different shapes,
378
+ they must be able to broadcast to a common shape.
379
+ - The two inputs and alpha comply with the implicit type conversion rules to make the data types
380
+ consistent.
381
+
382
+ Args:
383
+ input (Union[Tensor, number.Number, bool]): The first input is a number.Number or
384
+ a bool or a tensor whose data type is
385
+ `number <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_ or
386
+ `bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_.
387
+ other (Union[Tensor, number.Number, bool]): The second input, is a number.Number or
388
+ a bool or a tensor whose data type is
389
+ `number <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_ or
390
+ `bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_.
391
+
392
+ Keyword Args:
393
+ alpha (number.Number): A scaling factor applied to `other`, default 1.
394
+
395
+ Returns:
396
+ Tensor with a shape that is the same as the broadcasted shape of the input `input` and `other`,
397
+ and the data type is the one with higher precision or higher digits among the two inputs and alpha.
398
+
399
+ Raises:
400
+ TypeError: If the type of `input`, `other`, or `alpha` is not one of the following: Tensor, number.Number, bool.
401
+ TypeError: If `alpha` is of type float but `input` and `other` are not of type float.
402
+ TypeError: If `alpha` is of type bool but `input` and `other` are not of type bool.
403
+
404
+ Supported Platforms:
405
+ ``Ascend`` ``GPU`` ``CPU``
406
+
407
+ Examples:
408
+ >>> import numpy as np
409
+ >>> import mindspore
410
+ >>> from mindspore import Tensor
411
+ >>> from mindspore import mint
412
+ >>> x = Tensor(1, mindspore.int32)
413
+ >>> y = Tensor(np.array([4, 5, 6]).astype(np.float32))
414
+ >>> alpha = 0.5
415
+ >>> output = mint.add(x, y, alpha=alpha)
416
+ >>> print(output)
417
+ [3. 3.5 4.]
418
+ >>> # the data type of x is int32, the data type of y is float32,
419
+ >>> # alpha is a float, and the output is the data format of higher precision float32.
420
+ >>> print(output.dtype)
421
+ Float32
422
+ """
423
+ return ops.auto_generate.add_ext(input, other, alpha)
424
+
425
+
426
+ def any(input, dim=None, keepdim=False):
427
+ r"""
428
+ Reduces a dimension of `input` by the "logical OR" of all elements in the dimension, by default. And also can
429
+ reduce a dimension of `input` along the `dim`. Determine whether the dimensions of the output and input are the
430
+ same by controlling `keepdim`.
431
+
432
+ Note:
433
+ The `dim` with tensor type is only used for compatibility with older versions and is not recommended.
434
+
435
+ Args:
436
+ input (Tensor): Input Tensor, has the shape :math:`(N, *)` where :math:`*` means,
437
+ any number of additional dimensions.
438
+ dim (Union[int, tuple(int), list(int), Tensor], optional): The dimensions to reduce.
439
+ Suppose the rank of `input` is r, `dim` must be in the range [-rank(input), rank(input)).
440
+ Default: ``None`` , all dimensions are reduced.
441
+ keepdim (bool, optional): If ``True`` , keep these reduced dimensions and the length is 1.
442
+ If ``False`` , don't keep these dimensions. Default : ``False`` .
443
+
444
+ Returns:
445
+ Tensor, the dtype is bool.
446
+
447
+ - If `dim` is ``None`` , and `keepdim` is ``False`` ,
448
+ the output is a 0-D Tensor representing the "logical OR" of all elements in the input Tensor.
449
+ - If `dim` is int, such as 2, and `keepdim` is ``False`` ,
450
+ the shape of output is :math:`(input_1, input_3, ..., input_R)`.
451
+ - If `dim` is tuple(int), such as (2, 3), and `keepdim` is ``False`` ,
452
+ the shape of output is :math:`(input_1, input_4, ..., input_R)`.
453
+ - If `dim` is 1-D Tensor, such as [2, 3], and `keepdim` is ``False`` ,
454
+ the shape of output is :math:`(input_1, input_4, ..., input_R)`.
455
+
456
+ Raises:
457
+ TypeError: If `keepdim` is not a bool.
458
+ TypeError: If `input` is not a Tensor.
459
+ TypeError: If `dim` is not one of the following: int, tuple, list or Tensor.
460
+
461
+ Supported Platforms:
462
+ ``Ascend`` ``GPU`` ``CPU``
463
+
464
+ Examples:
465
+ >>> import numpy as np
466
+ >>> from mindspore import Tensor, mint
467
+ >>> x = Tensor(np.array([[True, False], [True, True]]))
468
+ >>> # case 1: Reduces a dimension by the "logical OR" of all elements in the dimension.
469
+ >>> output = mint.any(x, keepdim=True)
470
+ >>> print(output)
471
+ [[ True]]
472
+ >>> print(output.shape)
473
+ (1, 1)
474
+ >>> # case 2: Reduces a dimension along dim 0.
475
+ >>> output = mint.any(x, dim=0)
476
+ >>> print(output)
477
+ [ True True]
478
+ >>> # case 3: Reduces a dimension along dim 1.
479
+ >>> output = mint.any(x, dim=1)
480
+ >>> print(output)
481
+ [ True True]
482
+ """
483
+ return ops.functional.any(input, dim, keepdim)
484
+
485
+
486
+ def all(input, dim=None, keepdim=False):
487
+ r"""
488
+ Reduces a dimension of `input` by the "logical AND" of all elements in the dimension, by default. And also can
489
+ reduce a dimension of `input` along the `dim`. Determine whether the dimensions of the output and input are the
490
+ same by controlling `keepdim`.
491
+
492
+ Note:
493
+ The `dim` with tensor type is only used for compatibility with older versions and is not recommended.
494
+
495
+ Args:
496
+ input (Tensor): Input Tensor, has the shape :math:`(N, *)` where :math:`*` means,
497
+ any number of additional dimensions.
498
+ dim (Union[int, tuple(int), list(int), Tensor], optional): The dimensions to reduce.
499
+ Suppose the rank of `input` is r, `dim` must be in the range [-rank(input), rank(input)).
500
+ Default: ``None`` , all dimensions are reduced.
501
+ keepdim (bool, optional): If ``True`` , keep these reduced dimensions and the length is 1.
502
+ If ``False`` , don't keep these dimensions. Default : ``False`` .
503
+
504
+ Returns:
505
+ Tensor, the dtype is bool.
506
+
507
+ - If `dim` is ``None`` , and `keepdim` is ``False`` ,
508
+ the output is a 0-D Tensor representing the "logical AND" of all elements in the input Tensor.
509
+ - If `dim` is int, such as 2, and `keepdim` is ``False`` ,
510
+ the shape of output is :math:`(input_1, input_3, ..., input_R)`.
511
+ - If `dim` is tuple(int), such as (2, 3), and `keepdim` is ``False`` ,
512
+ the shape of output is :math:`(input_1, input_4, ..., input_R)`.
513
+ - If `dim` is 1-D Tensor, such as [2, 3], and `keepdim` is ``False`` ,
514
+ the shape of output is :math:`(input_1, input_4, ..., input_R)`.
515
+
516
+ Raises:
517
+ TypeError: If `keepdim` is not a bool.
518
+ TypeError: If `input` is not a Tensor.
519
+ TypeError: If `dim` is not one of the following: int, tuple, list or Tensor.
520
+
521
+ Supported Platforms:
522
+ ``Ascend`` ``GPU`` ``CPU``
523
+
524
+ Examples:
525
+ >>> import numpy as np
526
+ >>> from mindspore import Tensor, mint
527
+ >>> x = Tensor(np.array([[True, False], [True, True]]))
528
+ >>> # case 1: Reduces a dimension by the "logicalAND" of all elements in the dimension.
529
+ >>> output = mint.all(x, keepdim=True)
530
+ >>> print(output)
531
+ [[False]]
532
+ >>> print(output.shape)
533
+ (1, 1)
534
+ >>> # case 2: Reduces a dimension along axis 0.
535
+ >>> output = mint.all(x, dim=0)
536
+ >>> print(output)
537
+ [ True False]
538
+ >>> # case 3: Reduces a dimension along axis 1.
539
+ >>> output = mint.all(x, dim=1)
540
+ >>> print(output)
541
+ [False True]
542
+ """
543
+ return ops.function.math_func.all(input, dim, keepdim)
544
+
545
+
546
+ def cat(tensors, dim=0):
547
+ r"""
548
+ Connect input tensors along with the given dimension.
549
+
550
+ The input data is a tuple or a list of tensors. These tensors have the same rank :math:`R`.
551
+ Set the given dimension as :math:`m`, and :math:`0 \le m < R`. Set the number of input tensors as :math:`N`.
552
+ For the :math:`i`-th tensor :math:`t_i`, it has the shape of :math:`(x_1, x_2, ..., x_{mi}, ..., x_R)`.
553
+ :math:`x_{mi}` is the :math:`m`-th dimension of the :math:`t_i`. Then, the shape of the output tensor is
554
+
555
+ .. math::
556
+
557
+ (x_1, x_2, ..., \sum_{i=1}^Nx_{mi}, ..., x_R)
558
+
559
+ Args:
560
+ tensors (Union[tuple, list]): A tuple or a list of input tensors.
561
+ Suppose there are two tensors in this tuple or list, namely t1 and t2.
562
+ To perform `concat` in the dimension 0 direction, except for the :math:`0`-th dimension,
563
+ all other dimensions should be equal, that is,
564
+ :math:`t1.shape[1] = t2.shape[1], t1.shape[2] = t2.shape[2], ..., t1.shape[R-1] = t2.shape[R-1]`,
565
+ where :math:`R` represents the rank of tensor.
566
+ dim (int): The specified dimension, whose value is in range :math:`[-R, R)`. Default: ``0`` .
567
+
568
+ Returns:
569
+ Tensor, the shape is :math:`(x_1, x_2, ..., \sum_{i=1}^Nx_{mi}, ..., x_R)`.
570
+ The data type is the same with `tensors`.
571
+
572
+ Raises:
573
+ TypeError: If `dim` is not an int.
574
+ ValueError: If `tensors` have different dimension of tensor.
575
+ ValueError: If `dim` not in range :math:`[-R, R)`.
576
+ ValueError: If tensor's shape in `tensors` except for `dim` are different.
577
+ ValueError: If `tensors` is an empty tuple or list.
578
+
579
+ Supported Platforms:
580
+ ``Ascend`` ``GPU`` ``CPU``
581
+
582
+ Examples:
583
+ >>> import mindspore
584
+ >>> import numpy as np
585
+ >>> from mindspore import Tensor
586
+ >>> from mindspore import mint
587
+ >>> input_x1 = Tensor(np.array([[0, 1], [2, 1]]).astype(np.float32))
588
+ >>> input_x2 = Tensor(np.array([[0, 1], [2, 1]]).astype(np.float32))
589
+ >>> output = mint.cat((input_x1, input_x2))
590
+ >>> print(output)
591
+ [[0. 1.]
592
+ [2. 1.]
593
+ [0. 1.]
594
+ [2. 1.]]
595
+ >>> output = mint.cat((input_x1, input_x2), 1)
596
+ >>> print(output)
597
+ [[0. 1. 0. 1.]
598
+ [2. 1. 2. 1.]]
599
+ """
600
+ return ops.auto_generate.cat(tensors, dim)
601
+
602
+
603
+ def concat(tensors, dim=0):
604
+ r"""
605
+ .. warning::
606
+ This is an experimental API that is subject to change or deletion.
607
+
608
+ Alias of mint.cat().
609
+ """
610
+ return cat(tensors, dim)
611
+
612
+
613
+ def cummax(input, dim):
614
+ r"""
615
+ Returns a tuple (values, indices) where `values` is the cumulative maximum value of input Tensor `input`
616
+ along the dimension `dim`, and `indices` is the index location of each maximum value.
617
+
618
+ .. math::
619
+ \begin{array}{ll} \\
620
+ y_{i} = \max(x_{1}, x_{2}, ... , x_{i})
621
+ \end{array}
622
+
623
+ Args:
624
+ input (Tensor): The input Tensor. Rank of `input` must be greater than 0.
625
+ dim (int): The dimension to do the operation over. The value of `dim` must be in the range
626
+ `[-input.ndim, input.ndim - 1]`.
627
+
628
+ Returns:
629
+ tuple [Tensor], tuple of 2 Tensors, containing the cumulative maximum of elements and the index.
630
+ The shape of each output tensor is the same as that of input `input`.
631
+
632
+ Raises:
633
+ TypeError: If `input` is not a Tensor.
634
+ TypeError: If `dim` is not an int.
635
+ ValueError: If `dim` is out the range of `[-input.ndim, input.ndim - 1]`.
636
+
637
+ .. note::
638
+ O2 mode is not supported in Ascend.
639
+
640
+ Supported Platforms:
641
+ ``Ascend``
642
+
643
+ Examples:
644
+ >>> import mindspore
645
+ >>> import numpy as np
646
+ >>> from mindspore import Tensor
647
+ >>> from mindspore import ops
648
+ >>> x = Tensor(np.array([[3, 4, 6, 10], [1, 6, 7, 9], [4, 3, 8, 7], [1, 3, 7, 9]]).astype(np.float32))
649
+ >>> output = mint.cummax(x, dim=0)
650
+ >>> print(output[0])
651
+ [[ 3. 4. 6. 10.]
652
+ [ 3. 6. 7. 10.]
653
+ [ 4. 6. 8. 10.]
654
+ [ 4. 6. 8. 10.]]
655
+ >>> print(output[1])
656
+ [[0 0 0 0]
657
+ [0 1 1 0]
658
+ [2 1 2 0]
659
+ [2 1 2 0]]
660
+ """
661
+ return ops.auto_generate.cummax(input, dim)
662
+
663
+
664
+ def item(input):
665
+ r"""
666
+ Returns the value of this tensor as a standard Python number.
667
+
668
+ Note:
669
+ This only works for tensors with one element.
670
+
671
+ Args:
672
+ input (Tensor[Number]): The input tensor. The dtype of the tensor to be reduced is number.
673
+ :math:`(N, *)` where :math:`*` means, any number of additional dimensions.
674
+
675
+ Returns:
676
+ number.
677
+
678
+ Raises:
679
+ TypeError: If `input` is not a Tensor.
680
+ RuntimeError: If the number of `input` elements is not 1.
681
+
682
+ Supported Platforms:
683
+ ``Ascend`` ``GPU`` ``CPU``
684
+
685
+ Examples:
686
+ >>> import mindspore
687
+ >>> import numpy as np
688
+ >>> from mindspore import Tensor, mint
689
+ >>> x = Tensor(np.array([1]).astype(np.float32))
690
+ >>> result = mint.item(x)
691
+ >>> print(result)
692
+ 1.0
693
+ """
694
+ if not isinstance(input, Tensor):
695
+ raise TypeError(f"the input must be a Tensor, but got {type(input)}")
696
+ if input.size != 1:
697
+ raise RuntimeError("a Tensor with {} elements cannot be converted to Scalar".format(input.size))
698
+ return input.asnumpy().item()
699
+
700
+
701
+ def mean(input, dim=None, keepdim=False, *, dtype=None):
702
+ r"""
703
+ Reduces all dimension of a tensor by averaging all elements in the dimension, by default.
704
+ And reduce a dimension of `input` along the specified `dim`. `keepdim`
705
+ determines whether the dimensions of the output and input are the same.
706
+
707
+ Note:
708
+ The `dim` with tensor type is only used for compatibility with older versions and is not recommended.
709
+
710
+ Args:
711
+ input (Tensor[Number]): The input tensor. The dtype of the tensor to be reduced is number.
712
+ :math:`(N, *)` where :math:`*` means, any number of additional dimensions.
713
+ dim (Union[int, tuple(int), list(int), Tensor]): The dimensions to reduce. Default: ``None`` ,
714
+ reduce all dimensions. Only constant value is allowed. Assume the rank of `input` is r,
715
+ and the value range is [-r,r).
716
+ keepdim (bool): If ``True`` , keep these reduced dimensions and the length is 1.
717
+ If ``False`` , don't keep these dimensions. Default: ``False`` .
718
+
719
+ Keyword Args:
720
+ dtype (:class:`mindspore.dtype`, optional): The desired data type of returned Tensor. Default: ``None`` .
721
+
722
+ Returns:
723
+ Tensor.
724
+
725
+ - If `dim` is ``None`` , and `keepdim` is ``False`` ,
726
+ the output is a 0-D tensor representing the product of all elements in the input tensor.
727
+ - If `dim` is int, set as 1, and `keepdim` is ``False`` ,
728
+ the shape of output is :math:`(input_0, input_2, ..., input_R)`.
729
+ - If `dim` is tuple(int) or list(int), set as (1, 2), and `keepdim` is ``False`` ,
730
+ the shape of output is :math:`(input_0, input_3, ..., input_R)`.
731
+ - If `dim` is 1-D Tensor, set as [1, 2], and `keepdim` is ``False`` ,
732
+ the shape of output is :math:`(input_0, input_3, ..., input_R)`.
733
+
734
+ Raises:
735
+ TypeError: If `input` is not a Tensor.
736
+ TypeError: If `dim` is not one of the following: int, tuple, list or Tensor.
737
+ TypeError: If `keepdim` is not a bool.
738
+ ValueError: If `dim` is out of range.
739
+
740
+ Supported Platforms:
741
+ ``Ascend`` ``GPU`` ``CPU``
742
+
743
+ Examples:
744
+ >>> import mindspore
745
+ >>> import numpy as np
746
+ >>> from mindspore import Tensor, mint
747
+ >>> x = Tensor(np.random.randn(3, 4, 5, 6).astype(np.float32))
748
+ >>> output = mint.mean(x, 1, keepdim=True)
749
+ >>> result = output.shape
750
+ >>> print(result)
751
+ (3, 1, 5, 6)
752
+ >>> # case 1: Reduces a dimension by averaging all elements in the dimension.
753
+ >>> x = Tensor(np.array([[[2, 2, 2, 2, 2, 2], [2, 2, 2, 2, 2, 2], [2, 2, 2, 2, 2, 2]],
754
+ ... [[4, 4, 4, 4, 4, 4], [5, 5, 5, 5, 5, 5], [6, 6, 6, 6, 6, 6]],
755
+ ... [[6, 6, 6, 6, 6, 6], [8, 8, 8, 8, 8, 8], [10, 10, 10, 10, 10, 10]]]),
756
+ ... mindspore.float32)
757
+ >>> output = mint.mean(x)
758
+ >>> print(output)
759
+ 5.0
760
+ >>> print(output.shape)
761
+ ()
762
+ >>> # case 2: Reduces a dimension along the axis 0
763
+ >>> output = mint.mean(x, 0, True)
764
+ >>> print(output)
765
+ [[[4. 4. 4. 4. 4. 4.]
766
+ [5. 5. 5. 5. 5. 5.]
767
+ [6. 6. 6. 6. 6. 6.]]]
768
+ >>> # case 3: Reduces a dimension along the axis 1
769
+ >>> output = mint.mean(x, 1, True)
770
+ >>> print(output)
771
+ [[[2. 2. 2. 2. 2. 2.]]
772
+ [[5. 5. 5. 5. 5. 5.]]
773
+ [[8. 8. 8. 8. 8. 8.]]]
774
+ >>> # case 4: Reduces a dimension along the axis 2
775
+ >>> output = mint.mean(x, 2, True)
776
+ >>> print(output)
777
+ [[[ 2.]
778
+ [ 2.]
779
+ [ 2.]]
780
+ [[ 4.]
781
+ [ 5.]
782
+ [ 6.]]
783
+ [[ 6.]
784
+ [ 8.]
785
+ [10.]]]
786
+ """
787
+ return ops.function.math_func.mean_ext(input, axis=dim, keep_dims=keepdim, dtype=dtype)
788
+
789
+
790
+ def prod(input, dim=None, keepdim=False, *, dtype=None):
791
+ r"""
792
+ Reduces a dimension of a tensor by multiplying all elements in the dimension, by default. And also can
793
+ reduce a dimension of `input` along the `dim`. Determine whether the dimensions of the output and input are the
794
+ same by controlling `keepdim`.
795
+
796
+ Args:
797
+ input (Tensor[Number]): The input tensor. The dtype of the tensor to be reduced is number.
798
+ :math:`(N, *)` where :math:`*` means, any number of additional dimensions.
799
+ dim (int): The dimensions to reduce. Default: ``None`` , reduce all dimensions. Only constant value is allowed.
800
+ Assume the rank of `x` is r, and the value range is [-r,r).
801
+ keepdim (bool): If ``True`` , keep these reduced dimensions and the length is 1.
802
+ If ``False`` , don't keep these dimensions. Default: ``False`` .
803
+
804
+ Keyword Args:
805
+ dtype (:class:`mindspore.dtype`, optional): The desired data type of returned Tensor. Default: ``None`` .
806
+
807
+ Returns:
808
+ Tensor.
809
+
810
+ - If `dim` is ``None`` , and `keepdim` is ``False`` ,
811
+ the output is a 0-D tensor representing the product of all elements in the input tensor.
812
+ - If `dim` is int, set as 1, and `keepdim` is ``False`` ,
813
+ the shape of output is :math:`(input_0, input_2, ..., input_R)`.
814
+
815
+ Raises:
816
+ TypeError: If `input` is not a Tensor.
817
+ TypeError: If `dim` is not int.
818
+ TypeError: If `keepdim` is not a bool.
819
+ ValueError: If `dim` is out of range.
820
+
821
+ Supported Platforms:
822
+ ``Ascend`` ``GPU`` ``CPU``
823
+
824
+ Examples:
825
+ >>> import mindspore
826
+ >>> import numpy as np
827
+ >>> from mindspore import Tensor, mint
828
+ >>> x = Tensor(np.random.randn(3, 4, 5, 6).astype(np.float32))
829
+ >>> output = mint.prod(x, 1, keepdim=True)
830
+ >>> result = output.shape
831
+ >>> print(result)
832
+ (3, 1, 5, 6)
833
+ >>> # case 1: Reduces a dimension by multiplying all elements in the dimension.
834
+ >>> x = Tensor(np.array([[[1, 1, 1, 1, 1, 1], [2, 2, 2, 2, 2, 2], [3, 3, 3, 3, 3, 3]],
835
+ ... [[4, 4, 4, 4, 4, 4], [5, 5, 5, 5, 5, 5], [6, 6, 6, 6, 6, 6]],
836
+ ... [[7, 7, 7, 7, 7, 7], [8, 8, 8, 8, 8, 8], [9, 9, 9, 9, 9, 9]]]), mindspore.float32)
837
+ >>> output = mint.prod(x)
838
+ >>> print(output)
839
+ 2.2833798e+33
840
+ >>> print(output.shape)
841
+ ()
842
+ >>> # case 2: Reduces a dimension along axis 0.
843
+ >>> output = mint.prod(x, 0, True)
844
+ >>> print(output)
845
+ [[[ 28. 28. 28. 28. 28. 28.]
846
+ [ 80. 80. 80. 80. 80. 80.]
847
+ [162. 162. 162. 162. 162. 162.]]]
848
+ >>> # case 3: Reduces a dimension along axis 1.
849
+ >>> output = mint.prod(x, 1, True)
850
+ >>> print(output)
851
+ [[[ 6. 6. 6. 6. 6. 6.]]
852
+ [[120. 120. 120. 120. 120. 120.]]
853
+ [[504. 504. 504. 504. 504. 504.]]]
854
+ >>> # case 4: Reduces a dimension along axis 2.
855
+ >>> output = mint.prod(x, 2, True)
856
+ >>> print(output)
857
+ [[[1.00000e+00]
858
+ [6.40000e+01]
859
+ [7.29000e+02]]
860
+ [[4.09600e+03]
861
+ [1.56250e+04]
862
+ [4.66560e+04]]
863
+ [[1.17649e+05]
864
+ [2.62144e+05]
865
+ [5.31441e+05]]]
866
+ """
867
+ return ops.auto_generate.prod_ext(input, axis=dim, keep_dims=keepdim, dtype=dtype)
868
+
869
+
870
+ def ones(size, *, dtype=None):
871
+ r"""
872
+ Creates a tensor filled with value ones.
873
+
874
+ Creates a tensor with shape described by the first argument and fills it with value ones in type of the second
875
+ argument.
876
+
877
+ Args:
878
+ size (Union[tuple[int], list[int], int, Tensor]): The specified shape of output tensor. Only positive integer or
879
+ tuple or Tensor containing positive integers are allowed. If it is a Tensor,
880
+ it must be a 0-D or 1-D Tensor with int32 or int64 dtypes.
881
+
882
+ Keyword Args:
883
+ dtype (:class:`mindspore.dtype`, optional): The specified type of output tensor. If `dtype` is ``None`` ,
884
+ `mindspore.float32` will be used. Default: ``None`` .
885
+
886
+ Returns:
887
+ Tensor, whose dtype and size are defined by input.
888
+
889
+ Raises:
890
+ TypeError: If `size` is neither an int nor an tuple/list/Tensor of int.
891
+
892
+ Supported Platforms:
893
+ ``Ascend`` ``GPU`` ``CPU``
894
+
895
+ Examples:
896
+ >>> import mindspore
897
+ >>> from mindspore import mint
898
+ >>> output = mint.ones((2, 2), dtype=mindspore.float32)
899
+ >>> print(output)
900
+ [[1. 1.]
901
+ [1. 1.]]
902
+ """
903
+ return ops.auto_generate.ones(size, dtype)
904
+
905
+
906
+ def permute(input, dims):
907
+ """
908
+ Permutes the dimensions of the input tensor according to input `dims` .
909
+
910
+ Args:
911
+ input (Tensor): Input Tensor.
912
+ dims (tuple(int)): The order of the dimensions. Permute rearranges the `input` according
913
+ to the order of the `dims`.
914
+
915
+ Returns:
916
+ Tensor, has the same dimension as input tensor, with `axis` suitably permuted.
917
+
918
+ Raises:
919
+ ValueError: If `dims` is None.
920
+ ValueError: If the number of elements of `dims` is not equal to `input` ndim.
921
+
922
+ Supported Platforms:
923
+ ``Ascend`` ``GPU`` ``CPU``
924
+
925
+ Examples:
926
+ >>> import mindspore
927
+ >>> import numpy as np
928
+ >>> from mindspore import Tensor, mint
929
+ >>> input_x = Tensor(np.array([[[1, 2, 3], [4, 5, 6]], [[7, 8, 9], [10, 11, 12]]]), mindspore.float32)
930
+ >>> input_perm = (0, 2, 1)
931
+ >>> print(mint.permute(input_x, input_perm))
932
+ [[[ 1. 4.]
933
+ [ 2. 5.]
934
+ [ 3. 6.]]
935
+ [[ 7. 10.]
936
+ [ 8. 11.]
937
+ [ 9. 12.]]]
938
+ """
939
+ return ops.functional.permute(input, dims)
940
+
941
+
942
+ def split(tensor, split_size_or_sections, dim=0):
943
+ """
944
+ Splits the Tensor into chunks along the given dim.
945
+
946
+ Args:
947
+ tensor (Tensor): A Tensor to be divided.
948
+ split_size_or_sections (Union[int, tuple(int), list(int)]):
949
+ If `split_size_or_sections` is an int type, `tensor` will be split into equally sized chunks,
950
+ each chunk with size `split_size_or_sections`. Last chunk will be smaller than `split_size_or_sections`
951
+ if `tensor.shape[dim]` is not divisible by `split_size_or_sections`.
952
+ If `split_size_or_sections` is a list type, then `tensor` will be split into len(split_size_or_sections)
953
+ chunks with sizes `split_size_or_sections` along the given `dim`.
954
+ dim (int): The dim along which to split. Default: ``0`` .
955
+
956
+ Returns:
957
+ A tuple of sub-tensors.
958
+
959
+ Raises:
960
+ TypeError: If argument `tensor` is not Tensor.
961
+ TypeError: If argument `dim` is not int.
962
+ ValueError: If argument `dim` is out of range of :[-tensor.ndim, tensor.ndim).
963
+ TypeError: If each element in `split_size_or_sections` is not integer.
964
+ TypeError: If argument `split_size_or_sections` is not int, tuple(int) or list(int).
965
+ ValueError: The sum of `split_size_or_sections` is not equal to x.shape[dim].
966
+
967
+ Supported Platforms:
968
+ ``Ascend``
969
+
970
+ Examples:
971
+ >>> import numpy as np
972
+ >>> from mindspore import ops, Tensor
973
+ >>> input_x = np.arange(9).astype("float32")
974
+ >>> output = ops.split(Tensor(input_x), 3)
975
+ >>> print(output)
976
+ (Tensor(shape=[3], dtype=Float32, value= [ 0.00000000e+00, 1.00000000e+00, 2.00000000e+00]),
977
+ Tensor(shape=[3], dtype=Float32, value= [ 3.00000000e+00, 4.00000000e+00, 5.00000000e+00]),
978
+ Tensor(shape=[3], dtype=Float32, value= [ 6.00000000e+00, 7.00000000e+00, 8.00000000e+00]))
979
+ """
980
+ return ops.function.array_func.split_ext(tensor, split_size_or_sections, dim)
981
+
982
+
983
+ def sqrt(input):
984
+ r"""
985
+ Returns sqrt of a tensor element-wise.
986
+
987
+ .. math::
988
+
989
+ out_{i} = \sqrt{input_{i}}
990
+
991
+ Args:
992
+ input (Tensor): The input tensor with a dtype of number.Number.
993
+
994
+ Returns:
995
+ Tensor, has the same shape as the `input`.
996
+
997
+ Raises:
998
+ TypeError: If `input` is not a Tensor.
999
+
1000
+ Supported Platforms:
1001
+ ``Ascend`` ``GPU`` ``CPU``
1002
+
1003
+ Examples:
1004
+ >>> import mindspore
1005
+ >>> import numpy as np
1006
+ >>> from mindspore import Tensor, mint
1007
+ >>> input = Tensor(np.array([1.0, 4.0, 9.0]), mindspore.float32)
1008
+ >>> output = mint.sqrt(input)
1009
+ >>> print(output)
1010
+ [1. 2. 3.]
1011
+ """
1012
+ return ops.auto_generate.sqrt(input)
1013
+
1014
+
1015
+ def sub(input, other, *, alpha=1):
1016
+ r"""
1017
+ Subtracts scaled other value from input Tensor.
1018
+
1019
+ .. math::
1020
+
1021
+ out_{i} = input_{i} - alpha \times other_{i}
1022
+
1023
+ Note:
1024
+ - When the two inputs have different shapes,
1025
+ they must be able to broadcast to a common shape.
1026
+ - The two inputs and alpha comply with the implicit type conversion rules to make the data types
1027
+ consistent.
1028
+
1029
+ Args:
1030
+ input (Union[Tensor, number.Number, bool]): The first input is a number.Number or
1031
+ a bool or a tensor whose data type is
1032
+ `number <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_ or
1033
+ `bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_.
1034
+ other (Union[Tensor, number.Number, bool]): The second input, is a number.Number or
1035
+ a bool or a tensor whose data type is
1036
+ `number <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_ or
1037
+ `bool_ <https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.dtype.html>`_.
1038
+
1039
+ Keyword Args:
1040
+ alpha (number.Number): A scaling factor applied to `other`, default 1.
1041
+
1042
+ Returns:
1043
+ Tensor with a shape that is the same as the broadcasted shape of the input `input` and `other`,
1044
+ and the data type is the one with higher precision or higher digits among the two inputs and alpha.
1045
+
1046
+ Raises:
1047
+ TypeError: If the type of `input`, `other`, or `alpha` is not one of the following: Tensor, number.Number, bool.
1048
+ TypeError: If `alpha` is of type float but `input` and `other` are not of type float.
1049
+ TypeError: If `alpha` is of type bool but `input` and `other` are not of type bool.
1050
+
1051
+ Supported Platforms:
1052
+ ``Ascend`` ``GPU`` ``CPU``
1053
+
1054
+ Examples:
1055
+ >>> import numpy as np
1056
+ >>> import mindspore
1057
+ >>> from mindspore import Tensor
1058
+ >>> from mindspore import mint
1059
+ >>> x = Tensor(np.array([4, 5, 6]).astype(np.float32))
1060
+ >>> y = Tensor(1, mindspore.int32)
1061
+ >>> alpha = 0.5
1062
+ >>> output = mint.sub(x, y, alpha=alpha)
1063
+ >>> print(output)
1064
+ [3.5 4.5 5.5]
1065
+ >>> # the data type of x is float32, the data type of y is int32,
1066
+ >>> # alpha is a float, and the output is the data format of higher precision float32.
1067
+ >>> print(output.dtype)
1068
+ Float32
1069
+ """
1070
+ return ops.auto_generate.sub_ext(input, other, alpha)
1071
+
1072
+
1073
+ def swapaxes(input, axis0, axis1):
1074
+ '''
1075
+ Interchange two axes of a tensor, alias for mint.transpose()
1076
+
1077
+ Examples:
1078
+ >>> import numpy as np
1079
+ >>> from mindspore import mint
1080
+ >>> from mindspore import Tensor
1081
+ >>> input = Tensor(np.ones((2,3,4), dtype=np.float32))
1082
+ >>> output = mint.swapaxes(input, 0, 2)
1083
+ >>> print(output.shape)
1084
+ (4, 3, 2)
1085
+ '''
1086
+ return transpose(input, axis0, axis1)
1087
+
1088
+
1089
+ def zeros(size, *, dtype=None):
1090
+ """
1091
+ Creates a tensor filled with 0 with shape described by `size` and fills it with value 0 in type of `dtype`.
1092
+
1093
+ Args:
1094
+ size (Union[tuple[int], list[int], int, Tensor]): The specified shape of output tensor. Only positive integer or
1095
+ tuple or Tensor containing positive integers are allowed. If it is a Tensor,
1096
+ it must be a 0-D or 1-D Tensor with int32 or int64 dtypes.
1097
+
1098
+ Keyword Args:
1099
+ dtype (:class:`mindspore.dtype`, optional): The specified type of output tensor. If `dtype` is ``None`` ,
1100
+ mindspore.float32 will be used. Default: ``None`` .
1101
+
1102
+ Returns:
1103
+ Tensor, whose dtype and size are defined by input.
1104
+
1105
+ Raises:
1106
+ TypeError: If `size` is neither an int nor an tuple/list/Tensor of int.
1107
+
1108
+ Supported Platforms:
1109
+ ``Ascend`` ``GPU`` ``CPU``
1110
+
1111
+ Examples:
1112
+ >>> import mindspore
1113
+ >>> from mindspore import mint
1114
+ >>> output = mint.zeros((2, 2), dtype=mindspore.float32)
1115
+ >>> print(output)
1116
+ [[0. 0.]
1117
+ [0. 0.]]
1118
+ """
1119
+ return ops.auto_generate.zeros(size, dtype)
1120
+
1121
+
1122
+ def fix(input):
1123
+ """
1124
+ Alias for :func:`mindspore.mint.trunc` .
1125
+
1126
+ For more details, see :func:`mindspore.mint.trunc` .
1127
+
1128
+ Supported Platforms:
1129
+ ``Ascend``
1130
+ """
1131
+ return trunc(input)
1132
+
1133
+
1134
+ def scatter(input, dim, index, src):
1135
+ """
1136
+ Update the value in `src` to `input` according to the specified index.
1137
+ For a 3-D tensor, the output will be:
1138
+
1139
+ .. code-block::
1140
+
1141
+ output[index[i][j][k]][j][k] = src[i][j][k] # if dim == 0
1142
+
1143
+ output[i][index[i][j][k]][k] = src[i][j][k] # if dim == 1
1144
+
1145
+ output[i][j][index[i][j][k]] = src[i][j][k] # if dim == 2
1146
+
1147
+ .. note::
1148
+ The backward is supported only for the case `src.shape == index.shape` when `src` is a tensor.
1149
+
1150
+ Args:
1151
+ input (Tensor): The target tensor. The rank of `input` must be at least 1.
1152
+ dim (int): Which axis to scatter. Accepted range is [-r, r) where r = rank(input).
1153
+ index (Tensor): The index to do update operation whose data must be positive number with type of mindspore.int32
1154
+ or mindspore.int64. Same rank as `input` . And accepted range is [-s, s) where s is the size along axis.
1155
+ src (Tensor, float): The data doing the update operation with `input`. Can be a tensor with the same data type
1156
+ as `input` or a float number to scatter.
1157
+
1158
+ Returns:
1159
+ Tensor, has the same shape and type as `input` .
1160
+
1161
+ Raises:
1162
+ TypeError: If `index` is neither int32 nor int64.
1163
+ ValueError: If rank of any of `input` , `index` and `src` less than 1.
1164
+ ValueError: If the rank of `src` is not equal to the rank of `input` .
1165
+ TypeError: If the data type of `input` and `src` have different dtypes.
1166
+ RuntimeError: If `index` has negative elements.
1167
+
1168
+ Supported Platforms:
1169
+ ``Ascend`` ``GPU`` ``CPU``
1170
+
1171
+ Examples:
1172
+ >>> import numpy as np
1173
+ >>> import mindspore as ms
1174
+ >>> from mindspore import Tensor, mint
1175
+ >>> input = Tensor(np.array([[1, 2, 3, 4, 5]]), dtype=ms.float32)
1176
+ >>> src = Tensor(np.array([[8, 8]]), dtype=ms.float32)
1177
+ >>> index = Tensor(np.array([[2, 4]]), dtype=ms.int64)
1178
+ >>> out = mint.scatter(input=input, dim=1, index=index, src=src)
1179
+ >>> print(out)
1180
+ [[1. 2. 8. 4. 8.]]
1181
+ >>> input = Tensor(np.zeros((5, 5)), dtype=ms.float32)
1182
+ >>> src = Tensor(np.array([[1, 2, 3], [4, 5, 6], [7, 8, 9]]), dtype=ms.float32)
1183
+ >>> index = Tensor(np.array([[0, 0, 0], [2, 2, 2], [4, 4, 4]]), dtype=ms.int64)
1184
+ >>> out = mint.scatter(input=input, dim=0, index=index, src=src)
1185
+ >>> print(out)
1186
+ [[1. 2. 3. 0. 0.]
1187
+ [0. 0. 0. 0. 0.]
1188
+ [4. 5. 6. 0. 0.]
1189
+ [0. 0. 0. 0. 0.]
1190
+ [7. 8. 9. 0. 0.]]
1191
+ >>> input = Tensor(np.zeros((5, 5)), dtype=ms.float32)
1192
+ >>> src = Tensor(np.array([[1, 2, 3], [4, 5, 6], [7, 8, 9]]), dtype=ms.float32)
1193
+ >>> index = Tensor(np.array([[0, 2, 4], [0, 2, 4], [0, 2, 4]]), dtype=ms.int64)
1194
+ >>> out = mint.scatter(input=input, dim=1, index=index, src=src)
1195
+ >>> print(out)
1196
+ [[1. 0. 2. 0. 3.]
1197
+ [4. 0. 5. 0. 6.]
1198
+ [7. 0. 8. 0. 9.]
1199
+ [0. 0. 0. 0. 0.]
1200
+ [0. 0. 0. 0. 0.]]
1201
+ """
1202
+ return ops.function.array_func.scatter(input, dim, index, src)
1203
+
1204
+
1205
+ __all__ = [
1206
+ 'conv2d',
1207
+ 'full',
1208
+ 'ones_like',
1209
+ 'zeros_like',
1210
+ 'abs',
1211
+ 'erf',
1212
+ 'where',
1213
+ 'isclose',
1214
+ # 1
1215
+ 'div',
1216
+ 'divide',
1217
+ 'topk',
1218
+ 'roll',
1219
+ # 2
1220
+ 'sin',
1221
+ # 3
1222
+ 'clamp',
1223
+ 'xlogy',
1224
+ # 4
1225
+ 'sinc',
1226
+ 'sinh',
1227
+ 'cosh',
1228
+ # 5
1229
+ 'cumsum',
1230
+ # 6
1231
+ 'stack',
1232
+ # 7
1233
+ 'zeros',
1234
+ # 8
1235
+ 'transpose',
1236
+ 'swapaxes',
1237
+ # 9
1238
+
1239
+ # 10
1240
+ 'ne',
1241
+ # 11
1242
+ 'unsqueeze',
1243
+ # 12
1244
+ "repeat_interleave",
1245
+ # 13
1246
+ "flip",
1247
+ # 14
1248
+
1249
+ # 15
1250
+ 'flatten',
1251
+ # 16
1252
+ 'matmul',
1253
+ 'bmm',
1254
+ # 17
1255
+ 'mean',
1256
+ # 18
1257
+ 'sum',
1258
+ # 19
1259
+ 'log',
1260
+ # 20
1261
+ 'prod',
1262
+ # 21
1263
+ 'mul',
1264
+ # 22
1265
+
1266
+ # 23
1267
+
1268
+ # 24
1269
+
1270
+ # 25
1271
+ 'greater',
1272
+ 'gt',
1273
+ # 26
1274
+ 'eq',
1275
+ # 27
1276
+ 'reciprocal',
1277
+ # 28
1278
+ 'exp',
1279
+ # 29
1280
+ 'sqrt',
1281
+ # 30
1282
+ 'searchsorted',
1283
+ # 31
1284
+ 'cummax',
1285
+ 'cummin',
1286
+ 'sub',
1287
+ # 33
1288
+ 'split',
1289
+ # 34
1290
+
1291
+ # 35
1292
+ 'erfinv',
1293
+ # 36
1294
+
1295
+ # 37
1296
+ 'nonzero',
1297
+ # 38
1298
+
1299
+ # 39
1300
+
1301
+ # 40
1302
+ 'any',
1303
+ # 41
1304
+ 'add',
1305
+ # 42
1306
+ 'argmax',
1307
+ # 43
1308
+ 'cat',
1309
+ # 44
1310
+ 'cos',
1311
+ # 45
1312
+ 'concat',
1313
+ # 46
1314
+ 'bitwise_and',
1315
+ 'bitwise_or',
1316
+ 'bitwise_xor',
1317
+ # 47
1318
+ 'max',
1319
+ # 48
1320
+ 'min',
1321
+ # 49
1322
+ 'baddbmm',
1323
+ # 50
1324
+ 'tile',
1325
+ # 51
1326
+ 'permute',
1327
+ # 52
1328
+
1329
+ # 53
1330
+
1331
+ # 54
1332
+ 'normal',
1333
+ # 55
1334
+ 'cross',
1335
+ # 56
1336
+ 'norm',
1337
+ # 57
1338
+ 'broadcast_to',
1339
+ # 58
1340
+ 'greater_equal',
1341
+ # 59
1342
+ 'square',
1343
+ # 60
1344
+ 'all',
1345
+ # 61
1346
+ 'rsqrt',
1347
+ # 62
1348
+ 'maximum',
1349
+ # 63
1350
+ 'minimum',
1351
+ # 64
1352
+
1353
+ # 65
1354
+ 'logical_and',
1355
+ # 66
1356
+ 'logical_not',
1357
+ # 67
1358
+ 'logical_or',
1359
+ # 68
1360
+ 'logical_xor',
1361
+ # 69
1362
+ 'less_equal',
1363
+ 'le',
1364
+ # 70
1365
+ 'negative',
1366
+ 'neg',
1367
+ # 71
1368
+ 'isfinite',
1369
+ # 72
1370
+
1371
+ # 73
1372
+ 'ceil',
1373
+ # 74
1374
+ 'sort',
1375
+ # 75
1376
+ 'less',
1377
+ 'lt',
1378
+ # 76
1379
+ 'pow',
1380
+ # 77
1381
+
1382
+ # 78
1383
+ 'arange',
1384
+
1385
+ # 79
1386
+
1387
+ # 80
1388
+
1389
+ # 81
1390
+ 'index_select',
1391
+ # 82
1392
+
1393
+ # 83
1394
+ 'narrow',
1395
+ # 84
1396
+
1397
+ 'masked_select',
1398
+
1399
+ # 86
1400
+ 'select',
1401
+
1402
+ # 87
1403
+
1404
+ # 88
1405
+ 'chunk',
1406
+ # 89
1407
+
1408
+ # 90
1409
+
1410
+ # 91
1411
+
1412
+ # 92
1413
+
1414
+ # 93
1415
+
1416
+ # 94
1417
+ 'tanh',
1418
+ # 95
1419
+
1420
+ # 96
1421
+
1422
+ # 97
1423
+
1424
+ # 98
1425
+
1426
+ # 99
1427
+
1428
+ # 100
1429
+
1430
+ # 101
1431
+
1432
+ # 102
1433
+
1434
+ # 103
1435
+
1436
+ # 104
1437
+
1438
+ # 105
1439
+
1440
+ # 106
1441
+
1442
+ # 107
1443
+
1444
+ # 108
1445
+
1446
+ # 109
1447
+ 'argmin',
1448
+ # 110
1449
+
1450
+ # 111
1451
+
1452
+ # 112
1453
+
1454
+ # 113
1455
+
1456
+ # 114
1457
+
1458
+ # 115
1459
+
1460
+ # 116
1461
+
1462
+ # 117
1463
+
1464
+ # 118
1465
+
1466
+ # 119
1467
+
1468
+ # 120
1469
+
1470
+ # 121
1471
+
1472
+ # 122
1473
+
1474
+ # 151
1475
+ 'acos',
1476
+ 'arccos',
1477
+ # 152
1478
+ 'acosh',
1479
+ 'arccosh',
1480
+ # 153
1481
+
1482
+ # 154
1483
+
1484
+ # 155
1485
+
1486
+ # 156
1487
+
1488
+ # 157
1489
+ 'scatter',
1490
+ # 172
1491
+ 'asin',
1492
+ 'arcsin',
1493
+ # 173
1494
+ 'asinh',
1495
+ 'arcsinh',
1496
+ # 174
1497
+ 'atan',
1498
+ 'arctan',
1499
+ # 175
1500
+ 'atanh',
1501
+ 'arctanh',
1502
+ # 176
1503
+ 'atan2',
1504
+ 'arctan2',
1505
+
1506
+ # 177
1507
+ 'round',
1508
+
1509
+ # 182
1510
+ 'bernoulli',
1511
+
1512
+ # 207
1513
+ 'expm1',
1514
+ # 204
1515
+ 'erfc',
1516
+ # 208
1517
+ 'eye',
1518
+
1519
+ # 256
1520
+ 'median',
1521
+ 'rand',
1522
+ 'rand_like',
1523
+ # 210
1524
+ 'floor',
1525
+ # 231
1526
+ 'inverse',
1527
+ # 244
1528
+ 'log1p',
1529
+ # 261
1530
+ 'multinomial',
1531
+ # 275
1532
+ 'remainder',
1533
+ # 285
1534
+ 'scatter_add',
1535
+ # 289
1536
+ 'sign',
1537
+ # 301
1538
+ 'tan',
1539
+ # 303
1540
+ 'trace',
1541
+ 'reshape',
1542
+ 'outer',
1543
+ # 304
1544
+ 'tril',
1545
+
1546
+ # 305
1547
+ 'triu',
1548
+
1549
+ # 538
1550
+ 'histc',
1551
+
1552
+ # 553
1553
+ 'logaddexp',
1554
+
1555
+ # 610
1556
+ 'nan_to_num',
1557
+ ]
1558
+
1559
+ setattr(tensor_operator_registry_for_mint, 'add', add)
1560
+ setattr(tensor_operator_registry_for_mint, 'all', all)
1561
+ setattr(tensor_operator_registry_for_mint, 'any', any)
1562
+ setattr(tensor_operator_registry_for_mint, 'log', log)
1563
+ setattr(tensor_operator_registry_for_mint, 'ceil', ceil)
1564
+ setattr(tensor_operator_registry_for_mint, 'clamp', clamp)
1565
+ setattr(tensor_operator_registry_for_mint, 'cos', cos)
1566
+ setattr(tensor_operator_registry_for_mint, 'flatten', flatten)
1567
+ setattr(tensor_operator_registry_for_mint, 'item', item)
1568
+ setattr(tensor_operator_registry_for_mint, 'max', max)
1569
+ setattr(tensor_operator_registry_for_mint, 'mean', mean)
1570
+ setattr(tensor_operator_registry_for_mint, 'min', min)
1571
+ setattr(tensor_operator_registry_for_mint, 'repeat_interleave', repeat_interleave)
1572
+ setattr(tensor_operator_registry_for_mint, 'ne', ne)
1573
+ setattr(tensor_operator_registry_for_mint, 'round', round)
1574
+ setattr(tensor_operator_registry_for_mint, 'sin', sin)
1575
+ setattr(tensor_operator_registry_for_mint, 'split', split)
1576
+ setattr(tensor_operator_registry_for_mint, 'sqrt', sqrt)
1577
+ setattr(tensor_operator_registry_for_mint, 'square', square)
1578
+ setattr(tensor_operator_registry_for_mint, 'sub', sub)
1579
+ setattr(tensor_operator_registry_for_mint, 'sum', sum)
1580
+
1581
+ __all__.extend(functional.__all__)
1582
+ __all__.extend(nn.__all__)
1583
+ __all__.extend(optim.__all__)
1584
+ __all__.extend(linalg.__all__)
1585
+ __all__.extend(special.__all__)
1586
+ __all__.extend(distributed.__all__)