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

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

Potentially problematic release.


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

Files changed (655) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -2
  3. mindspore/_c_dataengine.cp38-win_amd64.pyd +0 -0
  4. mindspore/_c_expression.cp38-win_amd64.pyd +0 -0
  5. mindspore/_c_mindrecord.cp38-win_amd64.pyd +0 -0
  6. mindspore/_check_jit_forbidden_api.py +102 -0
  7. mindspore/_checkparam.py +1066 -1001
  8. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +4 -3
  9. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -48
  10. mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -4
  11. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -4
  12. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
  13. mindspore/_extends/parse/__init__.py +5 -3
  14. mindspore/_extends/parse/namespace.py +16 -1
  15. mindspore/_extends/parse/parser.py +107 -22
  16. mindspore/_extends/parse/resources.py +0 -7
  17. mindspore/_extends/parse/standard_method.py +885 -413
  18. mindspore/amp.py +52 -57
  19. mindspore/boost/boost.py +2 -2
  20. mindspore/boost/boost_cell_wrapper.py +38 -20
  21. mindspore/boost/dim_reduce.py +3 -3
  22. mindspore/boost/group_loss_scale_manager.py +1 -1
  23. mindspore/common/__init__.py +4 -6
  24. mindspore/common/_decorator.py +2 -0
  25. mindspore/common/_register_for_adapter.py +55 -0
  26. mindspore/common/_stub_tensor.py +201 -0
  27. mindspore/common/_utils.py +41 -7
  28. mindspore/common/api.py +215 -141
  29. mindspore/common/dtype.py +8 -1
  30. mindspore/common/dump.py +2 -2
  31. mindspore/common/initializer.py +4 -2
  32. mindspore/common/jit_config.py +17 -13
  33. mindspore/common/mutable.py +33 -13
  34. mindspore/common/parameter.py +23 -21
  35. mindspore/common/seed.py +8 -24
  36. mindspore/common/sparse_tensor.py +62 -41
  37. mindspore/common/tensor.py +852 -1154
  38. mindspore/communication/__init__.py +2 -2
  39. mindspore/communication/_comm_helper.py +11 -4
  40. mindspore/communication/management.py +22 -21
  41. mindspore/config/op_info.config +501 -1008
  42. mindspore/context.py +201 -23
  43. mindspore/dataset/__init__.py +6 -6
  44. mindspore/dataset/audio/__init__.py +7 -7
  45. mindspore/dataset/audio/transforms.py +670 -30
  46. mindspore/dataset/audio/utils.py +47 -4
  47. mindspore/dataset/audio/validators.py +223 -1
  48. mindspore/dataset/callback/ds_callback.py +2 -2
  49. mindspore/dataset/core/config.py +210 -14
  50. mindspore/dataset/core/validator_helpers.py +2 -2
  51. mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
  52. mindspore/dataset/debug/debug_hook.py +65 -0
  53. mindspore/dataset/debug/pre_defined_hook.py +67 -0
  54. mindspore/dataset/engine/__init__.py +7 -3
  55. mindspore/dataset/engine/cache_client.py +1 -1
  56. mindspore/dataset/engine/datasets.py +322 -66
  57. mindspore/dataset/engine/datasets_audio.py +80 -76
  58. mindspore/dataset/engine/datasets_standard_format.py +51 -38
  59. mindspore/dataset/engine/datasets_text.py +232 -118
  60. mindspore/dataset/engine/datasets_user_defined.py +41 -17
  61. mindspore/dataset/engine/datasets_vision.py +746 -225
  62. mindspore/dataset/engine/graphdata.py +75 -10
  63. mindspore/dataset/engine/iterators.py +45 -5
  64. mindspore/dataset/engine/offload.py +48 -28
  65. mindspore/dataset/engine/validators.py +117 -8
  66. mindspore/dataset/text/__init__.py +6 -5
  67. mindspore/dataset/text/transforms.py +86 -3
  68. mindspore/dataset/text/utils.py +6 -4
  69. mindspore/dataset/text/validators.py +25 -0
  70. mindspore/dataset/transforms/__init__.py +3 -2
  71. mindspore/dataset/transforms/c_transforms.py +1 -1
  72. mindspore/dataset/transforms/transforms.py +2 -2
  73. mindspore/dataset/utils/__init__.py +2 -1
  74. mindspore/dataset/utils/line_reader.py +121 -0
  75. mindspore/dataset/vision/__init__.py +2 -3
  76. mindspore/dataset/vision/c_transforms.py +9 -9
  77. mindspore/dataset/vision/py_transforms.py +5 -5
  78. mindspore/dataset/vision/py_transforms_util.py +2 -0
  79. mindspore/dataset/vision/transforms.py +160 -161
  80. mindspore/dataset/vision/utils.py +3 -3
  81. mindspore/experimental/map_parameter.py +38 -26
  82. mindspore/include/OWNERS +0 -1
  83. mindspore/include/api/callback/callback.h +9 -13
  84. mindspore/include/api/callback/ckpt_saver.h +2 -2
  85. mindspore/include/api/callback/loss_monitor.h +2 -2
  86. mindspore/include/api/callback/lr_scheduler.h +5 -5
  87. mindspore/include/api/callback/time_monitor.h +2 -2
  88. mindspore/include/api/callback/train_accuracy.h +4 -6
  89. mindspore/include/api/cfg.h +19 -6
  90. mindspore/include/api/context.h +44 -9
  91. mindspore/include/api/delegate.h +1 -1
  92. mindspore/include/api/metrics/accuracy.h +2 -2
  93. mindspore/include/api/metrics/metrics.h +4 -3
  94. mindspore/include/api/model.h +9 -4
  95. mindspore/include/api/model_parallel_runner.h +2 -2
  96. mindspore/include/api/net.h +12 -11
  97. mindspore/include/api/serialization.h +19 -3
  98. mindspore/include/api/types.h +3 -3
  99. mindspore/include/dataset/constants.h +7 -0
  100. mindspore/include/dataset/text.h +59 -0
  101. mindspore/jpeg62.dll +0 -0
  102. mindspore/log.py +1 -1
  103. mindspore/mindrecord/filereader.py +18 -0
  104. mindspore/mindrecord/filewriter.py +197 -34
  105. mindspore/mindrecord/shardreader.py +9 -0
  106. mindspore/mindrecord/shardwriter.py +1 -1
  107. mindspore/mindrecord/tools/cifar100_to_mr.py +3 -3
  108. mindspore/mindrecord/tools/cifar10_to_mr.py +3 -3
  109. mindspore/mindrecord/tools/csv_to_mr.py +3 -3
  110. mindspore/mindrecord/tools/imagenet_to_mr.py +16 -11
  111. mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
  112. mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
  113. mindspore/mindspore_backend.dll +0 -0
  114. mindspore/mindspore_common.dll +0 -0
  115. mindspore/mindspore_core.dll +0 -0
  116. mindspore/mindspore_glog.dll +0 -0
  117. mindspore/mindspore_shared_lib.dll +0 -0
  118. mindspore/nn/__init__.py +0 -4
  119. mindspore/nn/cell.py +204 -132
  120. mindspore/nn/dynamic_lr.py +1 -1
  121. mindspore/nn/grad/cell_grad.py +7 -6
  122. mindspore/nn/layer/__init__.py +5 -4
  123. mindspore/nn/layer/activation.py +40 -89
  124. mindspore/nn/layer/basic.py +255 -624
  125. mindspore/nn/layer/channel_shuffle.py +7 -6
  126. mindspore/nn/layer/combined.py +1 -1
  127. mindspore/nn/layer/container.py +41 -4
  128. mindspore/nn/layer/conv.py +64 -28
  129. mindspore/nn/layer/dense.py +9 -8
  130. mindspore/nn/layer/embedding.py +27 -25
  131. mindspore/nn/layer/image.py +53 -46
  132. mindspore/nn/layer/math.py +97 -105
  133. mindspore/nn/layer/normalization.py +117 -86
  134. mindspore/nn/layer/padding.py +185 -95
  135. mindspore/nn/layer/pooling.py +817 -414
  136. mindspore/nn/layer/rnn_cells.py +10 -15
  137. mindspore/nn/layer/rnns.py +37 -38
  138. mindspore/nn/layer/thor_layer.py +11 -12
  139. mindspore/nn/layer/timedistributed.py +5 -5
  140. mindspore/nn/layer/transformer.py +701 -0
  141. mindspore/nn/learning_rate_schedule.py +8 -8
  142. mindspore/nn/loss/__init__.py +5 -4
  143. mindspore/nn/loss/loss.py +334 -199
  144. mindspore/nn/optim/ada_grad.py +6 -6
  145. mindspore/nn/optim/adadelta.py +2 -3
  146. mindspore/nn/optim/adafactor.py +4 -5
  147. mindspore/nn/optim/adam.py +126 -62
  148. mindspore/nn/optim/adamax.py +3 -4
  149. mindspore/nn/optim/adasum.py +6 -6
  150. mindspore/nn/optim/asgd.py +2 -2
  151. mindspore/nn/optim/ftrl.py +67 -38
  152. mindspore/nn/optim/lamb.py +4 -5
  153. mindspore/nn/optim/lars.py +2 -2
  154. mindspore/nn/optim/lazyadam.py +43 -4
  155. mindspore/nn/optim/momentum.py +6 -5
  156. mindspore/nn/optim/optimizer.py +3 -1
  157. mindspore/nn/optim/proximal_ada_grad.py +2 -2
  158. mindspore/nn/optim/rmsprop.py +1 -1
  159. mindspore/nn/optim/rprop.py +8 -9
  160. mindspore/nn/optim/sgd.py +19 -13
  161. mindspore/nn/optim/thor.py +10 -15
  162. mindspore/nn/probability/__init__.py +0 -2
  163. mindspore/nn/probability/bijector/bijector.py +4 -4
  164. mindspore/nn/probability/bijector/invert.py +1 -1
  165. mindspore/nn/probability/bijector/softplus.py +2 -2
  166. mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
  167. mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
  168. mindspore/nn/probability/distribution/_utils/utils.py +9 -15
  169. mindspore/nn/probability/distribution/bernoulli.py +3 -3
  170. mindspore/nn/probability/distribution/beta.py +1 -1
  171. mindspore/nn/probability/distribution/categorical.py +5 -7
  172. mindspore/nn/probability/distribution/cauchy.py +3 -3
  173. mindspore/nn/probability/distribution/distribution.py +2 -2
  174. mindspore/nn/probability/distribution/exponential.py +2 -2
  175. mindspore/nn/probability/distribution/gamma.py +3 -3
  176. mindspore/nn/probability/distribution/geometric.py +1 -1
  177. mindspore/nn/probability/distribution/gumbel.py +3 -3
  178. mindspore/nn/probability/distribution/half_normal.py +15 -11
  179. mindspore/nn/probability/distribution/laplace.py +16 -13
  180. mindspore/nn/probability/distribution/logistic.py +2 -2
  181. mindspore/nn/probability/distribution/normal.py +1 -1
  182. mindspore/nn/probability/distribution/poisson.py +1 -1
  183. mindspore/nn/probability/distribution/student_t.py +20 -15
  184. mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
  185. mindspore/nn/probability/distribution/uniform.py +2 -2
  186. mindspore/nn/reinforcement/_tensors_queue.py +3 -3
  187. mindspore/nn/reinforcement/tensor_array.py +2 -2
  188. mindspore/nn/sparse/sparse.py +2 -2
  189. mindspore/nn/wrap/cell_wrapper.py +27 -10
  190. mindspore/nn/wrap/grad_reducer.py +2 -2
  191. mindspore/nn/wrap/loss_scale.py +40 -24
  192. mindspore/numpy/array_creations.py +33 -22
  193. mindspore/numpy/array_ops.py +35 -30
  194. mindspore/numpy/logic_ops.py +6 -27
  195. mindspore/numpy/math_ops.py +22 -19
  196. mindspore/numpy/utils.py +1 -1
  197. mindspore/numpy/utils_const.py +108 -58
  198. mindspore/opencv_core452.dll +0 -0
  199. mindspore/opencv_imgcodecs452.dll +0 -0
  200. mindspore/opencv_imgproc452.dll +0 -0
  201. mindspore/ops/_constants.py +0 -6
  202. mindspore/ops/_grad/__init__.py +2 -1
  203. mindspore/ops/_grad/grad_array_ops.py +86 -117
  204. mindspore/ops/_grad/grad_base.py +23 -1
  205. mindspore/ops/_grad/grad_clip_ops.py +2 -3
  206. mindspore/ops/_grad/grad_comm_ops.py +34 -24
  207. mindspore/ops/_grad/grad_implementations.py +9 -45
  208. mindspore/ops/_grad/grad_inner_ops.py +47 -4
  209. mindspore/ops/_grad/grad_math_ops.py +142 -117
  210. mindspore/ops/_grad/grad_nn_ops.py +71 -165
  211. mindspore/ops/_grad/grad_sequence_ops.py +296 -0
  212. mindspore/ops/_grad/grad_sparse.py +7 -6
  213. mindspore/ops/_grad_experimental/__init__.py +1 -0
  214. mindspore/ops/_grad_experimental/grad_array_ops.py +150 -15
  215. mindspore/ops/_grad_experimental/grad_image_ops.py +16 -7
  216. mindspore/ops/_grad_experimental/grad_inner_ops.py +1 -22
  217. mindspore/ops/_grad_experimental/grad_linalg_ops.py +4 -11
  218. mindspore/ops/_grad_experimental/grad_math_ops.py +210 -89
  219. mindspore/ops/_grad_experimental/grad_nn_ops.py +26 -22
  220. mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
  221. mindspore/ops/_grad_experimental/grad_sparse_ops.py +49 -8
  222. mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
  223. mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +2 -2
  224. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
  225. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
  226. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +4 -4
  227. mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
  228. mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
  229. mindspore/ops/_op_impl/_custom_op/correction_mul.py +2 -2
  230. mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
  231. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -5
  232. mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
  233. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
  234. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
  235. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
  236. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
  237. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
  238. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
  239. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
  240. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
  241. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
  242. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
  243. mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
  244. mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
  245. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
  246. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
  247. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
  248. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
  249. mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
  250. mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -4
  251. mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
  252. mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
  253. mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
  254. mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
  255. mindspore/ops/_op_impl/aicpu/__init__.py +236 -4
  256. mindspore/ops/_op_impl/aicpu/abs.py +36 -0
  257. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_v1.py → adaptive_avg_pool_2d.py} +6 -5
  258. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
  259. mindspore/ops/_op_impl/aicpu/add.py +43 -0
  260. mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
  261. mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
  262. mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
  263. mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -43
  264. mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
  265. mindspore/{compression/common/__init__.py → ops/_op_impl/aicpu/bessel_i0.py} +15 -8
  266. mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
  267. mindspore/ops/_op_impl/aicpu/conj.py +11 -0
  268. mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +0 -3
  269. mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
  270. mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
  271. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_grad_v1.py → digamma.py} +7 -9
  272. mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
  273. mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
  274. mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
  275. mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
  276. mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
  277. mindspore/ops/_op_impl/aicpu/greater.py +41 -0
  278. mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
  279. mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
  280. mindspore/ops/_op_impl/aicpu/less.py +41 -0
  281. mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/lgamma.py} +16 -10
  282. mindspore/ops/_op_impl/aicpu/mirror_pad.py +0 -4
  283. mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
  284. mindspore/ops/_op_impl/aicpu/mul.py +3 -1
  285. mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
  286. mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
  287. mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
  288. mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
  289. mindspore/ops/_op_impl/aicpu/polar.py +32 -0
  290. mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
  291. mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
  292. mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
  293. mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
  294. mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
  295. mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
  296. mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
  297. mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
  298. mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
  299. mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
  300. mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
  301. mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
  302. mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
  303. mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
  304. mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
  305. mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
  306. mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
  307. mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
  308. mindspore/ops/_op_impl/aicpu/sparse_slice.py +4 -0
  309. mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +6 -0
  310. mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
  311. mindspore/ops/_op_impl/aicpu/trans_data.py +1 -0
  312. mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
  313. mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
  314. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
  315. mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
  316. mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
  317. mindspore/ops/_op_impl/cpu/sparse_slice.py +4 -0
  318. mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +6 -0
  319. mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
  320. mindspore/ops/_op_impl/tbe/__init__.py +27 -611
  321. mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
  322. mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
  323. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
  324. mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +1 -0
  325. mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
  326. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
  327. mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
  328. mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
  329. mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
  330. mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
  331. mindspore/ops/_op_impl/tbe/cast.py +0 -2
  332. mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
  333. mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
  334. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +2 -2
  335. mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
  336. mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
  337. mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
  338. mindspore/ops/_op_impl/tbe/matmul_ds.py +2 -0
  339. mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
  340. mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
  341. mindspore/ops/_op_impl/tbe/scatter_mul.py +2 -0
  342. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -2
  343. mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
  344. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
  345. mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
  346. mindspore/ops/_register_for_op.py +1 -0
  347. mindspore/ops/_utils/__init__.py +1 -2
  348. mindspore/ops/_utils/utils.py +19 -40
  349. mindspore/ops/_vmap/vmap_array_ops.py +116 -38
  350. mindspore/ops/_vmap/vmap_base.py +16 -9
  351. mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
  352. mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
  353. mindspore/ops/_vmap/vmap_grad_nn_ops.py +7 -5
  354. mindspore/ops/_vmap/vmap_image_ops.py +12 -5
  355. mindspore/ops/_vmap/vmap_math_ops.py +46 -5
  356. mindspore/ops/_vmap/vmap_nn_ops.py +15 -21
  357. mindspore/ops/_vmap/vmap_random_ops.py +1 -1
  358. mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
  359. mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
  360. mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
  361. mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
  362. mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
  363. mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
  364. mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
  365. mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
  366. mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +220 -106
  367. mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
  368. mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +240 -0
  369. mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
  370. mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
  371. mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
  372. mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
  373. mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
  374. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
  375. mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
  376. mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
  377. mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +22 -23
  378. mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -17
  379. mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
  380. mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
  381. mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
  382. mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
  383. mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
  384. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  385. mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +39 -41
  386. mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
  387. mindspore/ops/bprop_mindir/Flatten_bprop.mindir +41 -43
  388. mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +51 -57
  389. mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
  390. mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
  391. mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
  392. mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
  393. mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
  394. mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
  395. mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
  396. mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
  397. mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
  398. mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
  399. mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
  400. mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
  401. mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
  402. mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
  403. mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
  404. mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +27 -0
  405. mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
  406. mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
  407. mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
  408. mindspore/ops/bprop_mindir/OneHot_bprop.mindir +24 -25
  409. mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
  410. mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
  411. mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
  412. mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +29 -0
  413. mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
  414. mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
  415. mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
  416. mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +18 -19
  417. mindspore/ops/bprop_mindir/Reshape_bprop.mindir +53 -53
  418. mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
  419. mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +77 -85
  420. mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
  421. mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
  422. mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
  423. mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
  424. mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
  425. mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  426. mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
  427. mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
  428. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  429. mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +37 -39
  430. mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +70 -72
  431. mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
  432. mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
  433. mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
  434. mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
  435. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +17 -17
  436. mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
  437. mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
  438. mindspore/ops/bprop_mindir/generate_mindir.py +2 -0
  439. mindspore/ops/composite/__init__.py +7 -8
  440. mindspore/ops/composite/base.py +101 -47
  441. mindspore/ops/composite/math_ops.py +188 -158
  442. mindspore/ops/composite/multitype_ops/_compile_utils.py +415 -170
  443. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +142 -87
  444. mindspore/ops/composite/multitype_ops/add_impl.py +6 -1
  445. mindspore/ops/composite/multitype_ops/div_impl.py +2 -3
  446. mindspore/ops/composite/multitype_ops/getitem_impl.py +31 -3
  447. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
  448. mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
  449. mindspore/ops/composite/multitype_ops/in_impl.py +9 -0
  450. mindspore/ops/composite/multitype_ops/less_equal_impl.py +31 -0
  451. mindspore/ops/composite/multitype_ops/less_impl.py +31 -0
  452. mindspore/ops/composite/multitype_ops/mul_impl.py +21 -5
  453. mindspore/ops/composite/multitype_ops/not_in_impl.py +9 -0
  454. mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
  455. mindspore/ops/composite/multitype_ops/setitem_impl.py +21 -3
  456. mindspore/ops/composite/multitype_ops/sub_impl.py +1 -1
  457. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +35 -4
  458. mindspore/ops/function/__init__.py +152 -8
  459. mindspore/ops/function/array_func.py +2555 -674
  460. mindspore/ops/function/clip_func.py +209 -13
  461. mindspore/ops/function/debug_func.py +2 -2
  462. mindspore/ops/function/grad/__init__.py +2 -1
  463. mindspore/ops/function/grad/grad_func.py +147 -62
  464. mindspore/ops/function/image_func.py +54 -38
  465. mindspore/ops/function/linalg_func.py +167 -16
  466. mindspore/ops/function/math_func.py +4849 -1492
  467. mindspore/ops/function/nn_func.py +2573 -988
  468. mindspore/ops/function/other_func.py +115 -0
  469. mindspore/ops/function/parameter_func.py +3 -3
  470. mindspore/ops/function/random_func.py +790 -73
  471. mindspore/ops/function/sparse_func.py +98 -78
  472. mindspore/ops/function/sparse_unary_func.py +54 -53
  473. mindspore/ops/function/spectral_func.py +27 -24
  474. mindspore/ops/function/vmap_func.py +22 -2
  475. mindspore/ops/functional.py +97 -37
  476. mindspore/ops/op_info_register.py +70 -28
  477. mindspore/ops/operations/__init__.py +47 -14
  478. mindspore/ops/operations/_csr_ops.py +7 -7
  479. mindspore/ops/operations/_embedding_cache_ops.py +5 -5
  480. mindspore/ops/operations/_grad_ops.py +276 -187
  481. mindspore/ops/operations/_inner_ops.py +319 -113
  482. mindspore/ops/operations/_ms_kernel.py +10 -8
  483. mindspore/ops/operations/_ocr_ops.py +9 -9
  484. mindspore/ops/operations/_opaque_predicate_registry.py +4 -0
  485. mindspore/ops/operations/_quant_ops.py +137 -102
  486. mindspore/ops/operations/_rl_inner_ops.py +121 -60
  487. mindspore/ops/operations/_scalar_ops.py +466 -0
  488. mindspore/ops/operations/_sequence_ops.py +1004 -2
  489. mindspore/ops/operations/_tensor_array.py +10 -11
  490. mindspore/ops/operations/_thor_ops.py +1 -1
  491. mindspore/ops/operations/array_ops.py +801 -466
  492. mindspore/ops/operations/comm_ops.py +51 -49
  493. mindspore/ops/operations/control_ops.py +2 -2
  494. mindspore/ops/operations/custom_ops.py +123 -44
  495. mindspore/ops/operations/debug_ops.py +24 -24
  496. mindspore/ops/operations/image_ops.py +240 -153
  497. mindspore/ops/operations/inner_ops.py +34 -50
  498. mindspore/ops/operations/linalg_ops.py +31 -9
  499. mindspore/ops/operations/math_ops.py +988 -757
  500. mindspore/ops/operations/nn_ops.py +965 -819
  501. mindspore/ops/operations/other_ops.py +51 -40
  502. mindspore/ops/operations/random_ops.py +204 -122
  503. mindspore/ops/operations/rl_ops.py +8 -9
  504. mindspore/ops/operations/sparse_ops.py +254 -93
  505. mindspore/ops/operations/spectral_ops.py +35 -3
  506. mindspore/ops/primitive.py +111 -9
  507. mindspore/parallel/_auto_parallel_context.py +189 -83
  508. mindspore/parallel/_offload_context.py +185 -0
  509. mindspore/parallel/_parallel_serialization.py +99 -7
  510. mindspore/parallel/_ps_context.py +9 -5
  511. mindspore/parallel/_recovery_context.py +1 -1
  512. mindspore/parallel/_tensor.py +7 -1
  513. mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
  514. mindspore/{nn/transformer → parallel/_transformer}/layers.py +6 -37
  515. mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
  516. mindspore/{nn/transformer → parallel/_transformer}/moe.py +20 -16
  517. mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
  518. mindspore/{nn/transformer → parallel/_transformer}/transformer.py +48 -111
  519. mindspore/parallel/_utils.py +1 -2
  520. mindspore/parallel/algo_parameter_config.py +1 -1
  521. mindspore/parallel/checkpoint_transform.py +37 -34
  522. mindspore/parallel/shard.py +17 -18
  523. mindspore/profiler/common/validator/validate_path.py +2 -2
  524. mindspore/profiler/envprofiling.py +69 -47
  525. mindspore/profiler/parser/ascend_timeline_generator.py +49 -42
  526. mindspore/profiler/parser/base_timeline_generator.py +49 -56
  527. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +98 -78
  528. mindspore/profiler/parser/hwts_log_parser.py +1 -1
  529. mindspore/profiler/parser/integrator.py +15 -14
  530. mindspore/profiler/parser/minddata_analyzer.py +2 -2
  531. mindspore/profiler/parser/msadvisor_analyzer.py +12 -25
  532. mindspore/profiler/parser/msadvisor_parser.py +2 -4
  533. mindspore/profiler/parser/optime_parser.py +17 -18
  534. mindspore/profiler/parser/profiler_info.py +2 -1
  535. mindspore/profiler/profiling.py +218 -186
  536. mindspore/rewrite/__init__.py +3 -1
  537. mindspore/rewrite/api/node.py +1 -114
  538. mindspore/rewrite/api/node_type.py +3 -0
  539. mindspore/rewrite/api/pattern_engine.py +31 -1
  540. mindspore/rewrite/api/scoped_value.py +4 -4
  541. mindspore/rewrite/api/symbol_tree.py +3 -78
  542. mindspore/rewrite/api/tree_node_helper.py +1 -1
  543. mindspore/rewrite/ast_creator_register.py +1 -0
  544. mindspore/rewrite/ast_helpers/__init__.py +2 -2
  545. mindspore/rewrite/ast_helpers/ast_creator.py +1 -2
  546. mindspore/rewrite/ast_helpers/ast_finder.py +65 -0
  547. mindspore/rewrite/ast_helpers/ast_modifier.py +11 -3
  548. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +18 -2
  549. mindspore/rewrite/namespace.py +0 -2
  550. mindspore/rewrite/node.py +157 -11
  551. mindspore/rewrite/parsers/assign_parser.py +231 -53
  552. mindspore/rewrite/parsers/class_def_parser.py +187 -109
  553. mindspore/rewrite/parsers/for_parser.py +24 -14
  554. mindspore/rewrite/parsers/function_def_parser.py +21 -4
  555. mindspore/rewrite/parsers/if_parser.py +6 -2
  556. mindspore/rewrite/sparsify/__init__.py +0 -0
  557. mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
  558. mindspore/rewrite/sparsify/sparsify.py +109 -0
  559. mindspore/rewrite/sparsify/utils.py +173 -0
  560. mindspore/rewrite/symbol_tree.py +256 -133
  561. mindspore/rewrite/symbol_tree_builder.py +38 -1
  562. mindspore/run_check/_check_version.py +69 -63
  563. mindspore/run_check/run_check.py +2 -1
  564. mindspore/tinyxml2.dll +0 -0
  565. mindspore/train/__init__.py +1 -1
  566. mindspore/train/_utils.py +28 -5
  567. mindspore/train/amp.py +273 -102
  568. mindspore/train/callback/_backup_and_restore.py +5 -5
  569. mindspore/train/callback/_callback.py +2 -2
  570. mindspore/train/callback/_checkpoint.py +3 -3
  571. mindspore/train/callback/_early_stop.py +3 -3
  572. mindspore/train/callback/_lambda_callback.py +2 -2
  573. mindspore/train/callback/_landscape.py +29 -31
  574. mindspore/train/callback/_loss_monitor.py +3 -3
  575. mindspore/train/callback/_on_request_exit.py +3 -3
  576. mindspore/train/callback/_reduce_lr_on_plateau.py +4 -4
  577. mindspore/train/callback/_summary_collector.py +23 -16
  578. mindspore/train/callback/_time_monitor.py +3 -3
  579. mindspore/train/checkpoint_pb2.py +68 -8
  580. mindspore/train/data_sink.py +15 -3
  581. mindspore/train/dataset_helper.py +10 -15
  582. mindspore/train/loss_scale_manager.py +8 -11
  583. mindspore/train/metrics/__init__.py +1 -1
  584. mindspore/train/metrics/bleu_score.py +1 -1
  585. mindspore/train/metrics/confusion_matrix.py +1 -1
  586. mindspore/train/metrics/cosine_similarity.py +1 -1
  587. mindspore/train/metrics/dice.py +2 -2
  588. mindspore/train/metrics/fbeta.py +1 -1
  589. mindspore/train/metrics/hausdorff_distance.py +4 -3
  590. mindspore/train/metrics/mean_surface_distance.py +2 -2
  591. mindspore/train/metrics/occlusion_sensitivity.py +1 -1
  592. mindspore/train/metrics/perplexity.py +1 -1
  593. mindspore/train/metrics/precision.py +1 -1
  594. mindspore/train/metrics/recall.py +1 -1
  595. mindspore/train/metrics/roc.py +2 -2
  596. mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
  597. mindspore/train/mind_ir_pb2.py +116 -37
  598. mindspore/train/model.py +45 -28
  599. mindspore/train/serialization.py +295 -188
  600. mindspore/train/summary/_summary_adapter.py +1 -1
  601. mindspore/train/summary/summary_record.py +43 -13
  602. mindspore/train/train_thor/convert_utils.py +2 -2
  603. mindspore/train/train_thor/dataset_helper.py +3 -3
  604. mindspore/turbojpeg.dll +0 -0
  605. mindspore/version.py +1 -1
  606. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +3 -2
  607. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +610 -541
  608. mindspore/compression/__init__.py +0 -19
  609. mindspore/compression/common/constant.py +0 -124
  610. mindspore/compression/export/__init__.py +0 -19
  611. mindspore/compression/export/quant_export.py +0 -515
  612. mindspore/compression/quant/__init__.py +0 -28
  613. mindspore/compression/quant/qat.py +0 -634
  614. mindspore/compression/quant/quant_utils.py +0 -462
  615. mindspore/compression/quant/quantizer.py +0 -68
  616. mindspore/nn/layer/quant.py +0 -1868
  617. mindspore/nn/layer/rnn_utils.py +0 -90
  618. mindspore/nn/probability/dpn/__init__.py +0 -22
  619. mindspore/nn/probability/dpn/vae/__init__.py +0 -25
  620. mindspore/nn/probability/dpn/vae/cvae.py +0 -140
  621. mindspore/nn/probability/dpn/vae/vae.py +0 -124
  622. mindspore/nn/probability/infer/__init__.py +0 -22
  623. mindspore/nn/probability/infer/variational/elbo.py +0 -70
  624. mindspore/nn/probability/infer/variational/svi.py +0 -84
  625. mindspore/nn/probability/toolbox/__init__.py +0 -22
  626. mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
  627. mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -364
  628. mindspore/nn/probability/transforms/__init__.py +0 -22
  629. mindspore/nn/probability/transforms/transform_bnn.py +0 -262
  630. mindspore/nn/probability/zhusuan/__init__.py +0 -18
  631. mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
  632. mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
  633. mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
  634. mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
  635. mindspore/ops/_op_impl/aicpu/parallel_concat.py +0 -42
  636. mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
  637. mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -19
  638. mindspore/ops/bprop_mindir/Cast_bprop.mindir +0 -19
  639. mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -19
  640. mindspore/ops/bprop_mindir/MatMul_bprop.mindir +0 -0
  641. mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -17
  642. mindspore/ops/bprop_mindir/Transpose_bprop.mindir +0 -0
  643. mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -15
  644. mindspore/ops/composite/array_ops.py +0 -241
  645. mindspore/ops/composite/clip_ops.py +0 -134
  646. mindspore/ops/composite/random_ops.py +0 -426
  647. mindspore/ops/composite/vmap_ops.py +0 -38
  648. mindspore/parallel/nn/__init__.py +0 -42
  649. mindspore/parallel/nn/loss.py +0 -22
  650. mindspore/parallel/nn/moe.py +0 -21
  651. mindspore/parallel/nn/op_parallel_config.py +0 -22
  652. mindspore/parallel/nn/transformer.py +0 -31
  653. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
  654. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
  655. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
@@ -1,4 +1,4 @@
1
- # Copyright 2022 Huawei Technologies Co., Ltd
1
+ # Copyright 2022-2023 Huawei Technologies Co., Ltd
2
2
  #
3
3
  # Licensed under the Apache License, Version 2.0 (the "License");
4
4
  # you may not use this file except in compliance with the License.
@@ -14,7 +14,9 @@
14
14
  # ============================================================================
15
15
  """Operations for sequence"""
16
16
 
17
- from mindspore.ops.primitive import Primitive, prim_attr_register
17
+ from mindspore.ops.primitive import Primitive, PrimitiveWithCheck, prim_attr_register
18
+ from mindspore.common import Tensor
19
+ from mindspore._c_expression import Tensor as Tensor_
18
20
 
19
21
 
20
22
  class ListAppend(Primitive):
@@ -23,6 +25,7 @@ class ListAppend(Primitive):
23
25
 
24
26
  .. note::
25
27
  This operation is used for dynamic length list and this it is only for internal used.
28
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
26
29
 
27
30
  Inputs:
28
31
  - **input_data** (List) - The list for target to append. Must be dynamic length sequence
@@ -43,3 +46,1002 @@ class ListAppend(Primitive):
43
46
  def __init__(self):
44
47
  """Initialize ListAppend"""
45
48
  self.init_prim_io_names(inputs=['input_data', 'target'], outputs=['output_data'])
49
+
50
+
51
+ class ListInsert(Primitive):
52
+ r"""
53
+ Insert element to the index of list.
54
+
55
+ .. note::
56
+ This operation is used for dynamic length list and this it is only for internal used.
57
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
58
+
59
+ Inputs:
60
+ - **input_data** (List) - The list for target to append. Must be dynamic length sequence
61
+ - **index** (Int) - The list for index to insert.
62
+ - **target** (Any Object) - The target element to be inserted. The shape and type of target must be the same as
63
+ as the element within 'input_data'.
64
+
65
+ Outputs:
66
+ Dynamic length list after insert.
67
+
68
+ Raises:
69
+ TypeError: The 'input_data' is not dynamic length list.
70
+ ValueError: The shape or type of 'target' is not the same as the element within 'input_data'.
71
+
72
+ Supported Platforms:
73
+ ``Ascend`` ``GPU`` ``CPU``
74
+ """
75
+ @prim_attr_register
76
+ def __init__(self):
77
+ """Initialize ListInsert"""
78
+ self.init_prim_io_names(inputs=['input_data', 'index', 'target'], outputs=['output_data'])
79
+
80
+
81
+ class ListAppendAndInsertGrad(Primitive):
82
+ r"""
83
+ Pop the end of element from list.
84
+
85
+ .. note::
86
+ This operation is used for dynamic length list and this it is only for internal used.
87
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
88
+
89
+ Inputs:
90
+ - **input_data** (List) - The list for target to pop. Must be dynamic length sequence
91
+ - **index** (Int) - The list for index to pop.
92
+
93
+ Outputs:
94
+ Dynamic length list after pop and the pop value.
95
+
96
+ Raises:
97
+ TypeError: The 'input_data' is not dynamic length list.
98
+
99
+ Supported Platforms:
100
+ ``Ascend`` ``GPU`` ``CPU``
101
+ """
102
+ @prim_attr_register
103
+ def __init__(self):
104
+ """Initialize ListAppendAndInsertGrad"""
105
+ self.init_prim_io_names(inputs=['input_data', 'index'], outputs=['output_data'])
106
+
107
+
108
+ class ShapeMulGrad(Primitive):
109
+ r"""
110
+ shape_mul grad.
111
+
112
+ .. note::
113
+ This operation is used for dynamic length list and this it is only for internal used.
114
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
115
+
116
+ Inputs:
117
+ - **input_data** (List) - The list for target to pop. Must be dynamic length sequence
118
+ - **dout** (Int) - The dout of shape_mul.
119
+
120
+ Outputs:
121
+ Dynamic length tuple.
122
+
123
+ Raises:
124
+ TypeError: The 'input_data' is not dynamic length list.
125
+
126
+ Supported Platforms:
127
+ ``Ascend`` ``GPU`` ``CPU``
128
+ """
129
+ @prim_attr_register
130
+ def __init__(self):
131
+ """Initialize ListAppendAndInsertGrad"""
132
+ self.init_prim_io_names(inputs=['input_data', 'dout'], outputs=['output_data'])
133
+
134
+
135
+ class shape_mul(Primitive):
136
+ r"""
137
+ shape_mul.
138
+
139
+ .. note::
140
+ This operation is used for dynamic length list and this it is only for internal used.
141
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
142
+
143
+ Inputs:
144
+ - **input_data** (List) - The list to shape_mul. Must be dynamic length sequence
145
+
146
+ Outputs:
147
+ Scalar.
148
+
149
+ Raises:
150
+ TypeError: The 'input_data' is not dynamic length list.
151
+
152
+ Supported Platforms:
153
+ ``Ascend`` ``GPU`` ``CPU``
154
+ """
155
+ @prim_attr_register
156
+ def __init__(self):
157
+ """Initialize ListAppendAndInsertGrad"""
158
+ self.init_prim_io_names(inputs=['input_data'], outputs=['output_data'])
159
+
160
+ def __call__(self, input_data):
161
+ if not isinstance(input_data, tuple):
162
+ raise ValueError("For primitive [shape_mul], input must be tuple")
163
+ out = 1
164
+ for x in input_data:
165
+ out *= x
166
+ return out
167
+
168
+
169
+ class SequenceSlice(Primitive):
170
+ r"""
171
+ Sequence slice operation.
172
+
173
+ .. note::
174
+ This it is only for internal used. The sequence input should be dynamic length sequence or at least one of
175
+ start/end/step should be variable.
176
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
177
+
178
+ Inputs:
179
+ - **seq** (Union[List, Tuple]) - The sequence to slice.
180
+ - **start** (int) - start index of slice.
181
+ - **stop** (int) - stop index of slice.
182
+ - **step** (int) - step of slice.
183
+
184
+ Outputs:
185
+ Dynamic length sequence after slice.
186
+
187
+ Raises:
188
+ TypeError: The 'seq' input is neither list or tuple.
189
+ ValueError: The 'seq' input is not dynamic length and none of start/end/step is variable.
190
+
191
+ Supported Platforms:
192
+ ``Ascend`` ``GPU`` ``CPU``
193
+ """
194
+ @prim_attr_register
195
+ def __init__(self):
196
+ """Initialize SequenceSlice"""
197
+ self.init_prim_io_names(inputs=['seq', 'start', 'stop', 'step'], outputs=['output_data'])
198
+
199
+
200
+ class InSequence(Primitive):
201
+ r"""
202
+ element in sequence.
203
+
204
+ .. note::
205
+ This operation is used for dynamic length list and this it is only for internal used.
206
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
207
+
208
+ Inputs:
209
+ - **element** (Any Object) - The element can be a tensor or scalar
210
+ - **input_data** (Sequence) - The sequence. Must be dynamic length sequence
211
+
212
+ Outputs:
213
+ element in sequence, True or False.
214
+
215
+ Raises:
216
+ TypeError: The 'input_data' is not dynamic length list.
217
+
218
+ Supported Platforms:
219
+ ``Ascend`` ``GPU`` ``CPU``
220
+ """
221
+ @prim_attr_register
222
+ def __init__(self):
223
+ """Initialize ListAppend"""
224
+ self.init_prim_io_names(inputs=['element', 'input_data'], outputs=['output_data'])
225
+
226
+
227
+ class SequenceSliceSetItem(Primitive):
228
+ r"""
229
+ Sequence slice setitem operation.
230
+
231
+ .. note::
232
+ This it is only for internal used. The sequence input should be dynamic length sequence or at least one of
233
+ start/end/step should be variable.
234
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
235
+
236
+ Inputs:
237
+ - **seq** (Union[List, Tuple]) - The sequence to perform slice setitem.
238
+ - **target** (Union[List, Tuple]) - The target item to set.
239
+ - **start** (int) - start index of slice.
240
+ - **stop** (int) - stop index of slice.
241
+ - **step** (int) - step of slice.
242
+
243
+ Outputs:
244
+ Dynamic length sequence after slice setitem.
245
+
246
+ Raises:
247
+ ValueError: The 'seq' and 'target' input is not dynamic length and none of start/end/step is variable.
248
+
249
+ Supported Platforms:
250
+ ``Ascend`` ``GPU`` ``CPU``
251
+ """
252
+ @prim_attr_register
253
+ def __init__(self):
254
+ """Initialize SequenceSliceSetItem"""
255
+ self.init_prim_io_names(inputs=['seq', 'target', 'start', 'stop', 'step'], outputs=['output_data'])
256
+
257
+
258
+ class SequenceSliceGrad(Primitive):
259
+ """Reverse of slice."""
260
+
261
+ @prim_attr_register
262
+ def __init__(self):
263
+ """Initialize SequenceSliceGrad"""
264
+ self.init_prim_io_names(inputs=['dy', 'x', 'start', 'stop', 'step'], outputs=['dx'])
265
+
266
+
267
+ class SequenceAdd(Primitive):
268
+ r"""
269
+ Add elements of two sequence together.
270
+
271
+ .. note::
272
+ This it is only for internal used. At least one of the sequence should be dynamic length sequence.
273
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
274
+
275
+ Inputs:
276
+ - **input_1** (Union[List, Tuple]) - The first sequence for sequence addition.
277
+ - **input_2** (Union[List, Tuple]) - The second sequence for sequence addition.
278
+
279
+ Outputs:
280
+ Dynamic length sequence after addition.
281
+
282
+ Raises:
283
+ TypeError: The 'input_1' and 'input_2' are not both list or tuple.
284
+ TypeError: Both of 'input_1' and 'input_2' are not dynamic length sequence.
285
+
286
+ Supported Platforms:
287
+ ``Ascend`` ``GPU`` ``CPU``
288
+ """
289
+ @prim_attr_register
290
+ def __init__(self):
291
+ """Initialize SequenceAdd"""
292
+ self.init_prim_io_names(inputs=['input_1', 'input_2'], outputs=['output_data'])
293
+
294
+
295
+ class SequenceAddOffset(Primitive):
296
+ r"""
297
+ Get offsets of SequenceAdd inputs within its output, refs to ConcatOffset.
298
+
299
+ .. note::
300
+ This it is only for internal used. At least one of the sequence should be dynamic length sequence.
301
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
302
+
303
+ Inputs:
304
+ - **input_0** (List, Tuple) - A Tuple/List.
305
+ - **input_1** (List, Tuple) - A Tuple/List.
306
+
307
+ Outputs:
308
+ A tuple of offsets of SequenceAdd inputs within its output.
309
+
310
+ Raises:
311
+ TypeError: The data in 'input_0' and 'input_1' are not both list or tuple.
312
+
313
+ Supported Platforms:
314
+ ``Ascend`` ``GPU`` ``CPU``
315
+ """
316
+ @prim_attr_register
317
+ def __init__(self):
318
+ """Initialize SequenceAddOffset"""
319
+ self.init_prim_io_names(inputs=['shape_0', 'shape_1'], outputs=['output'])
320
+
321
+
322
+ class TupleToTensor(PrimitiveWithCheck):
323
+ r"""
324
+ Convert tuple to tensor
325
+
326
+ If the type of the first number in the tuple is integer, the data type of the output tensor is int.
327
+ Otherwise, the data type of the output tensor is float.
328
+
329
+ .. note::
330
+ This it is only for internal used. The input_tuple can be constant/variable value or dynamic length tuple.
331
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
332
+
333
+ Inputs:
334
+ - **input_tuple** (Tuple) - A tuple of numbers. These numbers have the same type. The shape is :math:`(N,)`
335
+ - **dtype** (mindspore.dtype): The target data type. Default: mindspore.float32.
336
+
337
+ Outputs:
338
+ Tensor, if the input tuple contains `N` numbers, then the shape of the output tensor is (N,).
339
+
340
+ Raises:
341
+ TypeError: If `input_tuple` is not a tuple.
342
+ ValueError: If length of `input_tuple` is less than 0.
343
+
344
+ Supported Platforms:
345
+ ``Ascend`` ``GPU`` ``CPU``
346
+ """
347
+ @prim_attr_register
348
+ def __init__(self):
349
+ """Initialize TupleToTensor"""
350
+ self.init_prim_io_names(inputs=['input_tuple', 'dtype'], outputs=['output_data'])
351
+
352
+ def __call__(self, x, dtype):
353
+ return self.infer_value(x, dtype)
354
+
355
+ def infer_value(self, x, dtype):
356
+ """infer value"""
357
+ if x is None:
358
+ return None
359
+ if isinstance(x, range):
360
+ x = tuple(x)
361
+ if isinstance(x, tuple) and None not in x:
362
+ return Tensor(x, dtype=dtype)
363
+ return None
364
+
365
+
366
+ class ListToTensor(PrimitiveWithCheck):
367
+ r"""
368
+ Convert list to tensor
369
+
370
+ If the type of the first number in the list is integer, the data type of the output tensor is int.
371
+ Otherwise, the data type of the output tensor is float.
372
+
373
+ .. note::
374
+ This it is only for internal used. The input_list can be constant/variable value or dynamic length list.
375
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
376
+
377
+ Inputs:
378
+ - **input_list** (List) - A tuple of numbers. These numbers have the same type. The shape is :math:`(N,)`
379
+ - **dtype** (mindspore.dtype): The target data type. Default: mindspore.float32.
380
+
381
+ Outputs:
382
+ Tensor, if the input tuple contains `N` numbers, then the shape of the output tensor is (N,).
383
+
384
+ Raises:
385
+ TypeError: If `input_list` is not a list.
386
+ ValueError: If length of `input_list` is less than 0.
387
+
388
+ Supported Platforms:
389
+ ``Ascend`` ``GPU`` ``CPU``
390
+ """
391
+ @prim_attr_register
392
+ def __init__(self):
393
+ """Initialize ListToTensor"""
394
+ self.init_prim_io_names(inputs=['input_list', 'dtype'], outputs=['output_data'])
395
+
396
+ def __call__(self, x, dtype):
397
+ return self.infer_value(x, dtype)
398
+
399
+ def infer_value(self, x, dtype):
400
+ """Infer_value ListToTensor"""
401
+ if x is not None and None not in x and isinstance(x, list):
402
+ return Tensor(x, dtype)
403
+ return None
404
+
405
+
406
+ class TensorToTuple(PrimitiveWithCheck):
407
+ r"""
408
+ Convert tensor to tuple
409
+
410
+ .. note::
411
+ This it is only for internal used. The input_tensor can be constant/variable value.
412
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
413
+
414
+ Inputs:
415
+ - **input_tensor** (Tensor) - The input_tensor must be a 1-D Tensor.
416
+
417
+ Outputs:
418
+ Tuple, the length is equal to tensor shape.
419
+
420
+ Raises:
421
+ TypeError: If `input_tensor` is not a tensor.
422
+ ValueError: If rank of `input_tensor` is not 1.
423
+
424
+ Supported Platforms:
425
+ ``Ascend`` ``GPU`` ``CPU``
426
+ """
427
+ @prim_attr_register
428
+ def __init__(self):
429
+ """Initialize TensorToTuple"""
430
+ self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
431
+
432
+ def __call__(self, x):
433
+ return self.infer_value(x)
434
+
435
+ def infer_value(self, x):
436
+ """Infer_value TensorToTuple"""
437
+ value = None
438
+ if x is not None and None not in x and isinstance(x, (Tensor, Tensor_)):
439
+ value = tuple(x.asnumpy().tolist())
440
+ return value
441
+
442
+
443
+ class TensorToList(PrimitiveWithCheck):
444
+ r"""
445
+ Convert tensor to list
446
+
447
+ .. note::
448
+ This it is only for internal used. The input_tensor can be constant/variable value.
449
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
450
+
451
+ Inputs:
452
+ - **input_tensor** (Tensor) - The input_tensor must be a 1-D Tensor.
453
+
454
+ Outputs:
455
+ List, the length is equal to tensor shape.
456
+
457
+ Raises:
458
+ TypeError: If `input_tensor` is not a tensor.
459
+ ValueError: If rank of `input_tensor` is not 1.
460
+
461
+ Supported Platforms:
462
+ ``Ascend`` ``GPU`` ``CPU``
463
+ """
464
+ @prim_attr_register
465
+ def __init__(self):
466
+ """Initialize TensorToList"""
467
+ self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
468
+
469
+ def __call__(self, x):
470
+ return self.infer_value(x)
471
+
472
+ def infer_value(self, x):
473
+ """infer_value TensorToList"""
474
+ value = None
475
+ if x is not None and None not in x and isinstance(x, (Tensor, Tensor_)):
476
+ value = x.asnumpy().tolist()
477
+ return value
478
+
479
+
480
+ class TensorToScalar(PrimitiveWithCheck):
481
+ r"""
482
+ Convert tensor to scalar
483
+
484
+ .. note::
485
+ This it is only for internal used. The input_tensor can be constant/variable value.
486
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
487
+
488
+ Inputs:
489
+ - **input_tensor** (Tensor) - The input_tensor must be a 0-D Tensor.
490
+
491
+ Outputs:
492
+ Scalar, a constant or variable scalar.
493
+
494
+ Raises:
495
+ TypeError: If `input_tensor` is not a tensor.
496
+ ValueError: If rank of `input_tensor` is not 0.
497
+
498
+ Supported Platforms:
499
+ ``Ascend`` ``GPU`` ``CPU``
500
+ """
501
+ @prim_attr_register
502
+ def __init__(self):
503
+ """Initialize TensorToScalar"""
504
+ self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
505
+
506
+ def __call__(self, x):
507
+ return self.infer_value(x)
508
+
509
+ def infer_value(self, x):
510
+ """infer_value TensorToScalar"""
511
+ value = None
512
+ if x is not None and None not in x and isinstance(x, (Tensor, Tensor_)):
513
+ value = x.asnumpy().tolist()
514
+ return value
515
+
516
+
517
+ class SequenceCount(Primitive):
518
+ r"""
519
+ Support sequence count operation 'seq.count(target)'.
520
+
521
+ .. note::
522
+ This it is only for internal used.
523
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
524
+
525
+ Inputs:
526
+ - **sequence** (Union[List, Tuple]) - The sequence to count elements.
527
+ - **target** (Any Object) - The target element to find in sequence.
528
+
529
+ Outputs:
530
+ Integer, counting of target element.
531
+
532
+ Raises:
533
+ TypeError: The 'sequence' is not list or tuple.
534
+
535
+ Supported Platforms:
536
+ ``Ascend`` ``GPU`` ``CPU``
537
+ """
538
+ @prim_attr_register
539
+ def __init__(self):
540
+ """Initialize SequenceCount"""
541
+ self.init_prim_io_names(inputs=['sequence', 'target'], outputs=['output_data'])
542
+
543
+
544
+ class SequenceIndex(Primitive):
545
+ r"""
546
+ Support sequence index operation 'seq.index(target)'.
547
+
548
+ .. note::
549
+ This it is only for internal used.
550
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
551
+
552
+ Inputs:
553
+ - **sequence** (Union[List, Tuple]) - The sequence to find the index value of the first occurrence.
554
+ - **target** (Any Object) - The target element to find in sequence.
555
+ - **start** (Integer) - The start index to find in sequence.
556
+ - **end** (Integer) - The end index to find in sequence.
557
+
558
+ Outputs:
559
+ Integer, the index value of the first occurrence of the target element.
560
+
561
+ Raises:
562
+ TypeError: The 'sequence' is not list or tuple.
563
+
564
+ Supported Platforms:
565
+ ``Ascend`` ``GPU`` ``CPU``
566
+ """
567
+ @prim_attr_register
568
+ def __init__(self):
569
+ """Initialize SequenceIndex"""
570
+ self.init_prim_io_names(inputs=['sequence', 'target', 'start', 'end'], outputs=['output_data'])
571
+
572
+
573
+ class SequenceMul(Primitive):
574
+ r"""
575
+ Support sequence multiplication operation 'seq.mul(scalar)'.
576
+
577
+ .. note::
578
+ This it is only for internal used.
579
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
580
+
581
+ Inputs:
582
+ - **sequence** (Union[List, Tuple]) - The sequence to count elements.
583
+ - **scalar** (Any Object) - The times to replicate the sequence.
584
+
585
+ Outputs:
586
+ List or tuple with 'scalar' times multiplication.
587
+
588
+ Raises:
589
+ TypeError: The 'sequence' is not list or tuple.
590
+ ValueError: Both 'sequence' and 'scalar' is constant.
591
+
592
+ Supported Platforms:
593
+ ``Ascend`` ``GPU`` ``CPU``
594
+ """
595
+ @prim_attr_register
596
+ def __init__(self):
597
+ """Initialize SequenceMul"""
598
+ self.init_prim_io_names(inputs=['sequence', 'scalar'], outputs=['output_data'])
599
+
600
+
601
+ class SequenceZerosLike(Primitive):
602
+ r"""
603
+ Returns a Sequence with a value of 0 and its shape and data type is the same as the input.
604
+
605
+ .. note::
606
+ This it is only for internal used.
607
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
608
+
609
+ Inputs:
610
+ - **sequence** (Union[List, Tuple]) - The sequence to count elements.
611
+
612
+ Outputs:
613
+ List or tuple filled with zeros.
614
+
615
+ Raises:
616
+ TypeError: The 'sequence' is not list or tuple.
617
+
618
+ Supported Platforms:
619
+ ``Ascend`` ``GPU`` ``CPU``
620
+ """
621
+ @prim_attr_register
622
+ def __init__(self):
623
+ """Initialize SequenceZerosLike"""
624
+ self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
625
+
626
+
627
+ class make_range(Primitive):
628
+ r"""
629
+ Creates a sequence of numbers in range [start, limit) with step size delta.
630
+
631
+ .. note::
632
+ This it is only for internal used.
633
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
634
+
635
+ Inputs:
636
+ - **start** (Union[int, float]) - Start of interval.
637
+ - **limit** (Union[int, float]) - End of interval.
638
+ - **delta** (Union[int, float]) - Spacing between values.
639
+
640
+ Outputs:
641
+ A 1-D Sequence, with the same type as the inputs.
642
+
643
+ Raises:
644
+ TypeError: If datatype of `start`, `limit` or `delta` is not same.
645
+ TypeError: If datatype of `start`, `limit` or `delta` is not supported.
646
+ ValueError: If `delta` = 0.
647
+ ValueError: If `start` >= `limit` when `delta` > 0.
648
+ ValueError: If `start` <= `limit` when `delta` < 0.
649
+
650
+ Supported Platforms:
651
+ ``Ascend`` ``GPU`` ``CPU``
652
+ """
653
+ @prim_attr_register
654
+ def __init__(self):
655
+ """Initialize make_range"""
656
+ self.init_prim_io_names(inputs=['start', 'limit', 'delta'], outputs=['output_data'])
657
+
658
+ def __call__(self, start, limit, delta):
659
+ return range(start, limit, delta)
660
+
661
+
662
+ class tuple_equal(Primitive):
663
+ r"""
664
+ Support sequence equal operation 'equal(target)'.
665
+
666
+ .. note::
667
+ This it is only for internal used.
668
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
669
+
670
+ Inputs:
671
+ - **x** (Union[Tuple]) - The tuple.
672
+ - **y** (Union[Tuple]) - The tuple.
673
+
674
+ Outputs:
675
+ Bool.
676
+
677
+ Raises:
678
+ TypeError: The 'x' is not tuple.
679
+
680
+ Supported Platforms:
681
+ ``Ascend`` ``GPU`` ``CPU``
682
+ """
683
+ @prim_attr_register
684
+ def __init__(self):
685
+ """Initialize tuple_equal"""
686
+
687
+ def __call__(self, x, y):
688
+ return x == y
689
+
690
+
691
+ class list_equal(Primitive):
692
+ r"""
693
+ Support sequence equal operation 'equal(target)'.
694
+
695
+ .. note::
696
+ This it is only for internal used.
697
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
698
+
699
+ Inputs:
700
+ - **x** (Union[List]) - The list.
701
+ - **y** (Union[List]) - The list.
702
+
703
+ Outputs:
704
+ Bool.
705
+
706
+ Raises:
707
+ TypeError: The 'x' is not list.
708
+
709
+ Supported Platforms:
710
+ ``Ascend`` ``GPU`` ``CPU``
711
+ """
712
+ @prim_attr_register
713
+ def __init__(self):
714
+ """Initialize list_equal"""
715
+
716
+ def __call__(self, x, y):
717
+ return x == y
718
+
719
+
720
+ class sequence_len(Primitive):
721
+ r"""
722
+ Returns length of Sequence.
723
+
724
+ .. note::
725
+ This it is only for internal used.
726
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
727
+
728
+ Inputs:
729
+ - **sequence** (Union[List, Tuple]) - The sequence.
730
+
731
+ Outputs:
732
+ Integer, length of Sequence.
733
+
734
+ Raises:
735
+ TypeError: The 'sequence' is not list or tuple.
736
+
737
+ Supported Platforms:
738
+ ``Ascend`` ``GPU`` ``CPU``
739
+ """
740
+ @prim_attr_register
741
+ def __init__(self):
742
+ """Initialize sequence_len"""
743
+ self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
744
+
745
+ def __call__(self, x):
746
+ return len(x)
747
+
748
+
749
+ class SequenceMax(Primitive):
750
+ r"""
751
+ Support sequence max operation 'max(target)'.
752
+
753
+ .. note::
754
+ This it is only for internal used.
755
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
756
+
757
+ Inputs:
758
+ - **sequence** (Union[List, Tuple]) - The sequence.
759
+
760
+ Outputs:
761
+ The maximum element.
762
+
763
+ Raises:
764
+ TypeError: The 'sequence' is not list or tuple.
765
+
766
+ Supported Platforms:
767
+ ``Ascend`` ``GPU`` ``CPU``
768
+ """
769
+ @prim_attr_register
770
+ def __init__(self):
771
+ """Initialize SequenceMax"""
772
+ self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
773
+
774
+
775
+ class SequenceMin(Primitive):
776
+ r"""
777
+ Support sequence min operation 'min(target)'.
778
+
779
+ .. note::
780
+ This it is only for internal used.
781
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
782
+
783
+ Inputs:
784
+ - **sequence** (Union[List, Tuple]) - The sequence.
785
+
786
+ Outputs:
787
+ The minimum element.
788
+
789
+ Raises:
790
+ TypeError: The 'sequence' is not list or tuple.
791
+
792
+ Supported Platforms:
793
+ ``Ascend`` ``GPU`` ``CPU``
794
+ """
795
+ @prim_attr_register
796
+ def __init__(self):
797
+ """Initialize SequenceMax"""
798
+ self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
799
+
800
+
801
+ class SequenceAddN(Primitive):
802
+ r"""
803
+ Support sequence AddN operation.
804
+
805
+ .. note::
806
+ This it is only for internal used.
807
+
808
+ Inputs:
809
+ - **sequence** (Union[List, Tuple]) - The sequence.
810
+
811
+ Outputs:
812
+ The addition of all input.
813
+
814
+ Raises:
815
+ TypeError: The 'sequence' is not list or tuple.
816
+
817
+ Supported Platforms:
818
+ ``Ascend`` ``GPU`` ``CPU``
819
+ """
820
+ @prim_attr_register
821
+ def __init__(self):
822
+ """Initialize SequenceAddN"""
823
+ self.init_prim_io_names(inputs=["inputs"], outputs=["sum"])
824
+
825
+
826
+ class tuple_greater_than(Primitive):
827
+ r"""
828
+ Support tuple_greater_than operation 'greater_than(target)'.
829
+
830
+ .. note::
831
+ This it is only for internal used.
832
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
833
+
834
+ Inputs:
835
+ - **input_0** (Union[Tuple]) - The first tuple.
836
+ - **input_1** (Union[Tuple]) - The second tuple.
837
+
838
+ Outputs:
839
+ A bool value to indicate whether tuple 'input_0' is greater than tuple 'input_1'.
840
+
841
+ Raises:
842
+ TypeError: The 'input_0' or 'input_1' is not list or tuple.
843
+
844
+ Supported Platforms:
845
+ ``Ascend`` ``GPU`` ``CPU``
846
+ """
847
+ @prim_attr_register
848
+ def __init__(self):
849
+ """Initialize tuple_greater_than"""
850
+ self.init_prim_io_names(
851
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
852
+
853
+
854
+ class tuple_greater_equal(Primitive):
855
+ r"""
856
+ Support tuple_greater_equal operation 'greater_equal(target)'.
857
+
858
+ .. note::
859
+ This it is only for internal used.
860
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
861
+
862
+ Inputs:
863
+ - **input_0** (Union[Tuple]) - The first tuple.
864
+ - **input_1** (Union[Tuple]) - The second tuple.
865
+
866
+ Outputs:
867
+ A bool value to indicate whether tuple 'input_0' is greater than or equal to tuple 'input_1'.
868
+
869
+ Raises:
870
+ TypeError: The 'input_0' or 'input_1' is not list or tuple.
871
+
872
+ Supported Platforms:
873
+ ``Ascend`` ``GPU`` ``CPU``
874
+ """
875
+ @prim_attr_register
876
+ def __init__(self):
877
+ """Initialize tuple_greater_equal"""
878
+ self.init_prim_io_names(
879
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
880
+
881
+
882
+ class list_greater_than(Primitive):
883
+ r"""
884
+ Support list_greater_than operation 'greater_than(target)'.
885
+
886
+ .. note::
887
+ This it is only for internal used.
888
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
889
+
890
+ Inputs:
891
+ - **input_0** (Union[List]) - The first list.
892
+ - **input_1** (Union[List]) - The second list.
893
+
894
+ Outputs:
895
+ A bool value to indicate whether list 'input_0' is greater than list 'input_1'.
896
+
897
+ Raises:
898
+ TypeError: The 'input_0' or 'input_1' is not list or list.
899
+
900
+ Supported Platforms:
901
+ ``Ascend`` ``GPU`` ``CPU``
902
+ """
903
+ @prim_attr_register
904
+ def __init__(self):
905
+ """Initialize list_greater_than"""
906
+ self.init_prim_io_names(
907
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
908
+
909
+
910
+ class list_greater_equal(Primitive):
911
+ r"""
912
+ Support list_greater_equal operation 'greater_equal(target)'.
913
+
914
+ .. note::
915
+ This it is only for internal used.
916
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
917
+
918
+ Inputs:
919
+ - **input_0** (Union[List]) - The first list.
920
+ - **input_1** (Union[List]) - The second list.
921
+
922
+ Outputs:
923
+ A bool value to indicate whether list 'input_0' is greater than or equal to list 'input_1'.
924
+
925
+ Raises:
926
+ TypeError: The 'input_0' or 'input_1' is not list or list.
927
+
928
+ Supported Platforms:
929
+ ``Ascend`` ``GPU`` ``CPU``
930
+ """
931
+ @prim_attr_register
932
+ def __init__(self):
933
+ """Initialize list_greater_equal"""
934
+ self.init_prim_io_names(
935
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
936
+
937
+
938
+ class tuple_lt(Primitive):
939
+ r"""
940
+ Support tuple less_than operation 'less_than(target)'.
941
+
942
+ .. note::
943
+ This it is only for internal used.
944
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
945
+
946
+ Inputs:
947
+ - **input_0** (Union[Tuple]) - The first sequence.
948
+ - **input_1** (Union[Tuple]) - The second sequence, dtype and shape should be same as 'input_0'.
949
+
950
+ Outputs:
951
+ A bool value to indicate whether every element in 'input_0' is less than element in 'input_1' correspondingly.
952
+
953
+ Raises:
954
+ TypeError: The 'input_0' or 'input_1' is not tuple.
955
+
956
+ Supported Platforms:
957
+ ``Ascend`` ``GPU`` ``CPU``
958
+ """
959
+ @prim_attr_register
960
+ def __init__(self):
961
+ """Initialize tuple_lt"""
962
+ self.init_prim_io_names(
963
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
964
+
965
+
966
+ class list_lt(Primitive):
967
+ r"""
968
+ Support list less_than operation 'less_than(target)'.
969
+
970
+ .. note::
971
+ This it is only for internal used.
972
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
973
+
974
+ Inputs:
975
+ - **input_0** (Union[List]) - The first sequence.
976
+ - **input_1** (Union[List]) - The second sequence, dtype and shape should be same as 'input_0'.
977
+
978
+ Outputs:
979
+ A bool value to indicate whether every element in 'input_0' is less than element in 'input_1' correspondingly.
980
+
981
+ Raises:
982
+ TypeError: The 'input_0' or 'input_1' is not list.
983
+
984
+ Supported Platforms:
985
+ ``Ascend`` ``GPU`` ``CPU``
986
+ """
987
+ @prim_attr_register
988
+ def __init__(self):
989
+ """Initialize list_lt"""
990
+ self.init_prim_io_names(
991
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
992
+
993
+
994
+ class tuple_le(Primitive):
995
+ r"""
996
+ Support tuple less_equal operation 'less_equal(target)'.
997
+
998
+ .. note::
999
+ This it is only for internal used.
1000
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
1001
+
1002
+ Inputs:
1003
+ - **input_0** (Union[Tuple]) - The first sequence.
1004
+ - **input_1** (Union[Tuple]) - The second sequence, dtype and shape should be same as 'input_0'.
1005
+
1006
+ Outputs:
1007
+ A bool value to indicate whether every element in 'input_0' is less equal element in 'input_1' correspondingly.
1008
+
1009
+ Raises:
1010
+ TypeError: The 'input_0' or 'input_1' is not tuple.
1011
+
1012
+ Supported Platforms:
1013
+ ``Ascend`` ``GPU`` ``CPU``
1014
+ """
1015
+ @prim_attr_register
1016
+ def __init__(self):
1017
+ """Initialize tuple_le"""
1018
+ self.init_prim_io_names(
1019
+ inputs=['input_0', 'input_1'], outputs=['output_data'])
1020
+
1021
+
1022
+ class list_le(Primitive):
1023
+ r"""
1024
+ Support list less equal operation 'less_equal(target)'.
1025
+
1026
+ .. note::
1027
+ This it is only for internal used.
1028
+ This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
1029
+
1030
+ Inputs:
1031
+ - **input_0** (Union[List]) - The first sequence.
1032
+ - **input_1** (Union[List]) - The second sequence, dtype and shape should be same as 'input_0'.
1033
+
1034
+ Outputs:
1035
+ A bool value to indicate whether every element in 'input_0' is less equal element in 'input_1' correspondingly.
1036
+
1037
+ Raises:
1038
+ TypeError: The 'input_0' or 'input_1' is not list.
1039
+
1040
+ Supported Platforms:
1041
+ ``Ascend`` ``GPU`` ``CPU``
1042
+ """
1043
+ @prim_attr_register
1044
+ def __init__(self):
1045
+ """Initialize list_le"""
1046
+ self.init_prim_io_names(
1047
+ inputs=['input_0', 'input_1'], outputs=['output_data'])