mindspore 2.2.14__cp38-cp38-manylinux1_x86_64.whl → 2.3.0rc1__cp38-cp38-manylinux1_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 (1153) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -4
  3. mindspore/_akg/akg/composite/build_module.py +155 -11
  4. mindspore/_akg/akg/config/repository.json +38 -0
  5. mindspore/_akg/akg/ms/info_version_adapt.py +29 -0
  6. mindspore/_akg/akg/tvm/contrib/nvcc.py +4 -1
  7. mindspore/_akg/akg/utils/ascend_profilier/path_manager.py +2 -1
  8. mindspore/_akg/akg/utils/composite_op_helper.py +4 -2
  9. mindspore/_akg/akg/utils/dump_ascend_meta.py +2 -2
  10. mindspore/_akg/akg/utils/gen_random.py +14 -8
  11. mindspore/_akg/akg/utils/op_dsl.py +11 -0
  12. mindspore/_akg/akg/utils/tbe_codegen_utils.py +5 -5
  13. mindspore/_c_dataengine.cpython-38-x86_64-linux-gnu.so +0 -0
  14. mindspore/_c_expression.cpython-38-x86_64-linux-gnu.so +0 -0
  15. mindspore/_c_mindrecord.cpython-38-x86_64-linux-gnu.so +0 -0
  16. mindspore/_checkparam.py +58 -0
  17. mindspore/_extends/builtin_operations.py +2 -1
  18. mindspore/_extends/graph_kernel/model/graph_parallel.py +16 -6
  19. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +3 -16
  20. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +16 -4
  21. mindspore/_extends/parallel_compile/akg_compiler/compiler.py +1 -0
  22. mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
  23. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +2 -1
  24. mindspore/_extends/parallel_compile/akg_compiler/util.py +5 -2
  25. mindspore/_extends/parse/__init__.py +18 -14
  26. mindspore/_extends/parse/compile_config.py +229 -0
  27. mindspore/_extends/parse/parser.py +155 -59
  28. mindspore/_extends/parse/resources.py +40 -7
  29. mindspore/_extends/parse/standard_method.py +124 -204
  30. mindspore/_extends/remote/kernel_build_server.py +2 -0
  31. mindspore/_mindspore_offline_debug.cpython-38-x86_64-linux-gnu.so +0 -0
  32. mindspore/_profiler.py +30 -0
  33. mindspore/amp.py +24 -18
  34. mindspore/bin/cache_admin +0 -0
  35. mindspore/bin/cache_server +0 -0
  36. mindspore/boost/boost_cell_wrapper.py +1 -1
  37. mindspore/boost/group_loss_scale_manager.py +1 -1
  38. mindspore/common/__init__.py +3 -1
  39. mindspore/common/_jit_fallback_utils.py +2 -3
  40. mindspore/common/_register_for_adapter.py +7 -0
  41. mindspore/common/_stub_tensor.py +6 -1
  42. mindspore/common/_utils.py +5 -17
  43. mindspore/common/api.py +91 -48
  44. mindspore/common/auto_dynamic_shape.py +27 -14
  45. mindspore/common/dtype.py +5 -4
  46. mindspore/common/dump.py +5 -4
  47. mindspore/common/initializer.py +1 -1
  48. mindspore/common/jit_config.py +20 -11
  49. mindspore/common/lazy_inline.py +58 -17
  50. mindspore/common/mindir_util.py +12 -2
  51. mindspore/common/mutable.py +79 -14
  52. mindspore/common/parameter.py +19 -4
  53. mindspore/common/seed.py +9 -9
  54. mindspore/common/sparse_tensor.py +251 -18
  55. mindspore/common/symbol.py +122 -0
  56. mindspore/common/tensor.py +321 -433
  57. mindspore/communication/__init__.py +3 -3
  58. mindspore/communication/_comm_helper.py +5 -0
  59. mindspore/communication/management.py +53 -38
  60. mindspore/config/op_info.config +22 -54
  61. mindspore/context.py +167 -59
  62. mindspore/dataset/__init__.py +5 -5
  63. mindspore/dataset/audio/__init__.py +6 -6
  64. mindspore/dataset/audio/transforms.py +711 -158
  65. mindspore/dataset/callback/ds_callback.py +2 -2
  66. mindspore/dataset/engine/cache_client.py +2 -2
  67. mindspore/dataset/engine/datasets.py +72 -38
  68. mindspore/dataset/engine/datasets_audio.py +14 -14
  69. mindspore/dataset/engine/datasets_standard_format.py +33 -3
  70. mindspore/dataset/engine/datasets_text.py +38 -38
  71. mindspore/dataset/engine/datasets_user_defined.py +7 -7
  72. mindspore/dataset/engine/datasets_vision.py +75 -71
  73. mindspore/dataset/engine/offload.py +5 -7
  74. mindspore/dataset/text/__init__.py +3 -3
  75. mindspore/dataset/text/transforms.py +408 -121
  76. mindspore/dataset/text/utils.py +9 -9
  77. mindspore/dataset/transforms/__init__.py +1 -1
  78. mindspore/dataset/transforms/transforms.py +261 -76
  79. mindspore/dataset/utils/browse_dataset.py +9 -9
  80. mindspore/dataset/vision/__init__.py +3 -3
  81. mindspore/dataset/vision/c_transforms.py +5 -5
  82. mindspore/dataset/vision/transforms.py +2264 -514
  83. mindspore/dataset/vision/utils.py +40 -9
  84. mindspore/dataset/vision/validators.py +7 -1
  85. mindspore/experimental/optim/__init__.py +12 -2
  86. mindspore/experimental/optim/adadelta.py +161 -0
  87. mindspore/experimental/optim/adagrad.py +168 -0
  88. mindspore/experimental/optim/adam.py +35 -34
  89. mindspore/experimental/optim/adamax.py +170 -0
  90. mindspore/experimental/optim/adamw.py +40 -16
  91. mindspore/experimental/optim/asgd.py +153 -0
  92. mindspore/experimental/optim/lr_scheduler.py +60 -119
  93. mindspore/experimental/optim/nadam.py +157 -0
  94. mindspore/experimental/optim/optimizer.py +15 -8
  95. mindspore/experimental/optim/radam.py +194 -0
  96. mindspore/experimental/optim/rmsprop.py +154 -0
  97. mindspore/experimental/optim/rprop.py +164 -0
  98. mindspore/experimental/optim/sgd.py +28 -19
  99. mindspore/hal/__init__.py +34 -0
  100. mindspore/hal/_ascend.py +57 -0
  101. mindspore/hal/_base.py +57 -0
  102. mindspore/hal/_cpu.py +56 -0
  103. mindspore/hal/_gpu.py +57 -0
  104. mindspore/hal/device.py +356 -0
  105. mindspore/hal/event.py +179 -0
  106. mindspore/hal/stream.py +337 -0
  107. mindspore/include/api/data_type.h +2 -2
  108. mindspore/include/api/dual_abi_helper.h +16 -3
  109. mindspore/include/api/model.h +1 -3
  110. mindspore/include/api/status.h +14 -0
  111. mindspore/include/c_api/model_c.h +173 -0
  112. mindspore/include/c_api/ms/base/types.h +1 -0
  113. mindspore/include/c_api/types_c.h +19 -0
  114. mindspore/include/dataset/execute.h +1 -3
  115. mindspore/include/mindapi/base/format.h +125 -23
  116. mindspore/include/mindapi/base/types.h +7 -0
  117. mindspore/lib/libdnnl.so.2 +0 -0
  118. mindspore/lib/libmindspore.so +0 -0
  119. mindspore/lib/libmindspore_backend.so +0 -0
  120. mindspore/lib/libmindspore_common.so +0 -0
  121. mindspore/lib/libmindspore_core.so +0 -0
  122. mindspore/lib/libmindspore_glog.so.0 +0 -0
  123. mindspore/lib/libmindspore_gpr.so.15 +0 -0
  124. mindspore/lib/libmindspore_grpc.so.15 +0 -0
  125. mindspore/lib/libmindspore_shared_lib.so +0 -0
  126. mindspore/lib/libmpi_adapter.so +0 -0
  127. mindspore/lib/libmpi_collective.so +0 -0
  128. mindspore/lib/libnnacl.so +0 -0
  129. mindspore/lib/libopencv_core.so.4.5 +0 -0
  130. mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
  131. mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
  132. mindspore/lib/libps_cache.so +0 -0
  133. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910/aic-ascend910-ops-info.json +2044 -154
  134. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910b/aic-ascend910b-ops-info.json +2044 -33
  135. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/build_tbe_kernel.py +529 -0
  136. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/compiler.py +56 -0
  137. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/custom.py +1109 -0
  138. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/get_file_path.py +36 -0
  139. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +0 -2
  140. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/tbe_topi.py +556 -0
  141. mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +0 -2
  142. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
  143. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +6325 -1767
  144. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
  145. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_api/include/aclnn_add_custom.h +49 -0
  146. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_api/include/aclnn_decoder_kv_cache.h +59 -0
  147. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_api/include/aclnn_prompt_kv_cache.h +59 -0
  148. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_api/lib/libcust_opapi.so +0 -0
  149. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/config/ascend310p/aic-ascend310p-ops-info.json +52 -0
  150. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/config/ascend910/aic-ascend910-ops-info.json +232 -0
  151. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/config/ascend910b/aic-ascend910b-ops-info.json +232 -0
  152. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/add_custom.cpp +81 -0
  153. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/add_custom.py +134 -0
  154. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/decoder_kv_cache.cpp +192 -0
  155. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/decoder_kv_cache.py +134 -0
  156. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/prompt_kv_cache.cpp +274 -0
  157. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/custom_ascendc_ops_impl/dynamic/prompt_kv_cache.py +134 -0
  158. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/op_tiling/lib/linux/x86_64/libcust_opmaster_rt2.0.so +0 -0
  159. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_impl/ai_core/tbe/op_tiling/liboptiling.so +0 -0
  160. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_proto/inc/op_proto.h +39 -0
  161. mindspore/lib/plugin/ascend/custom_ascendc_ops/op_proto/lib/linux/x86_64/libcust_opsproto_rt2.0.so +0 -0
  162. mindspore/lib/plugin/ascend/libakg.so +0 -0
  163. mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
  164. mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
  165. mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
  166. mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
  167. mindspore/lib/plugin/cpu/libakg.so +0 -0
  168. mindspore/lib/plugin/gpu/libcuda_ops.so.10 +0 -0
  169. mindspore/lib/plugin/gpu/libcuda_ops.so.11 +0 -0
  170. mindspore/lib/plugin/gpu10.1/libakg.so +0 -0
  171. mindspore/lib/plugin/gpu10.1/libnccl.so.2 +0 -0
  172. mindspore/lib/plugin/gpu10.1/libnvidia_collective.so +0 -0
  173. mindspore/lib/plugin/gpu11.1/libakg.so +0 -0
  174. mindspore/lib/plugin/gpu11.1/libnccl.so.2 +0 -0
  175. mindspore/lib/plugin/gpu11.1/libnvidia_collective.so +0 -0
  176. mindspore/lib/plugin/gpu11.6/libakg.so +0 -0
  177. mindspore/lib/plugin/gpu11.6/libnccl.so.2 +0 -0
  178. mindspore/lib/plugin/gpu11.6/libnvidia_collective.so +0 -0
  179. mindspore/lib/plugin/{libmindspore_ascend.so.1 → libmindspore_ascend.so.2} +0 -0
  180. mindspore/lib/plugin/libmindspore_gpu.so.10.1 +0 -0
  181. mindspore/lib/plugin/libmindspore_gpu.so.11.1 +0 -0
  182. mindspore/lib/plugin/libmindspore_gpu.so.11.6 +0 -0
  183. mindspore/mindrecord/__init__.py +5 -1
  184. mindspore/mindrecord/config.py +809 -0
  185. mindspore/mindrecord/filereader.py +25 -0
  186. mindspore/mindrecord/filewriter.py +74 -56
  187. mindspore/mindrecord/mindpage.py +40 -6
  188. mindspore/mindrecord/shardutils.py +3 -2
  189. mindspore/mindrecord/shardwriter.py +7 -0
  190. mindspore/mindrecord/tools/cifar100_to_mr.py +8 -13
  191. mindspore/mindrecord/tools/cifar10_to_mr.py +9 -15
  192. mindspore/mindrecord/tools/csv_to_mr.py +4 -9
  193. mindspore/mindrecord/tools/imagenet_to_mr.py +3 -8
  194. mindspore/mindrecord/tools/mnist_to_mr.py +7 -12
  195. mindspore/mindrecord/tools/tfrecord_to_mr.py +1 -6
  196. mindspore/multiprocessing/__init__.py +68 -0
  197. mindspore/nn/cell.py +86 -133
  198. mindspore/nn/dynamic_lr.py +2 -2
  199. mindspore/nn/layer/activation.py +79 -90
  200. mindspore/nn/layer/basic.py +4 -80
  201. mindspore/nn/layer/channel_shuffle.py +3 -16
  202. mindspore/nn/layer/container.py +3 -3
  203. mindspore/nn/layer/conv.py +71 -71
  204. mindspore/nn/layer/embedding.py +105 -44
  205. mindspore/nn/layer/image.py +4 -7
  206. mindspore/nn/layer/normalization.py +46 -38
  207. mindspore/nn/layer/padding.py +26 -39
  208. mindspore/nn/layer/pooling.py +13 -9
  209. mindspore/nn/layer/rnn_cells.py +5 -15
  210. mindspore/nn/layer/rnns.py +6 -5
  211. mindspore/nn/layer/thor_layer.py +1 -2
  212. mindspore/nn/layer/timedistributed.py +1 -1
  213. mindspore/nn/layer/transformer.py +52 -50
  214. mindspore/nn/learning_rate_schedule.py +6 -5
  215. mindspore/nn/loss/loss.py +43 -64
  216. mindspore/nn/optim/ada_grad.py +4 -2
  217. mindspore/nn/optim/adadelta.py +3 -1
  218. mindspore/nn/optim/adafactor.py +1 -1
  219. mindspore/nn/optim/adam.py +102 -181
  220. mindspore/nn/optim/adamax.py +4 -2
  221. mindspore/nn/optim/adasum.py +2 -2
  222. mindspore/nn/optim/asgd.py +4 -2
  223. mindspore/nn/optim/ftrl.py +31 -61
  224. mindspore/nn/optim/lamb.py +5 -3
  225. mindspore/nn/optim/lars.py +2 -2
  226. mindspore/nn/optim/lazyadam.py +6 -4
  227. mindspore/nn/optim/momentum.py +13 -25
  228. mindspore/nn/optim/optimizer.py +6 -3
  229. mindspore/nn/optim/proximal_ada_grad.py +4 -2
  230. mindspore/nn/optim/rmsprop.py +9 -3
  231. mindspore/nn/optim/rprop.py +4 -2
  232. mindspore/nn/optim/sgd.py +6 -5
  233. mindspore/nn/optim/thor.py +2 -2
  234. mindspore/nn/probability/distribution/_utils/custom_ops.py +2 -2
  235. mindspore/nn/probability/distribution/beta.py +2 -2
  236. mindspore/nn/probability/distribution/categorical.py +4 -6
  237. mindspore/nn/probability/distribution/cauchy.py +2 -2
  238. mindspore/nn/probability/distribution/exponential.py +1 -1
  239. mindspore/nn/probability/distribution/gumbel.py +2 -2
  240. mindspore/nn/probability/distribution/poisson.py +2 -2
  241. mindspore/nn/probability/distribution/uniform.py +2 -2
  242. mindspore/nn/reinforcement/_tensors_queue.py +13 -1
  243. mindspore/nn/wrap/__init__.py +2 -1
  244. mindspore/nn/wrap/cell_wrapper.py +33 -12
  245. mindspore/nn/wrap/grad_reducer.py +148 -8
  246. mindspore/nn/wrap/loss_scale.py +7 -7
  247. mindspore/numpy/__init__.py +2 -0
  248. mindspore/numpy/array_creations.py +2 -0
  249. mindspore/numpy/array_ops.py +1 -5
  250. mindspore/numpy/fft.py +431 -0
  251. mindspore/numpy/math_ops.py +54 -60
  252. mindspore/numpy/utils.py +3 -0
  253. mindspore/ops/__init__.py +5 -4
  254. mindspore/ops/_grad_experimental/grad_array_ops.py +4 -129
  255. mindspore/ops/_grad_experimental/grad_comm_ops.py +16 -22
  256. mindspore/ops/_grad_experimental/grad_math_ops.py +68 -283
  257. mindspore/ops/_grad_experimental/grad_nn_ops.py +0 -53
  258. mindspore/ops/_grad_experimental/grad_quant_ops.py +3 -3
  259. mindspore/ops/_grad_experimental/grad_sparse.py +1 -1
  260. mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
  261. mindspore/ops/_op_impl/__init__.py +0 -1
  262. mindspore/ops/_op_impl/aicpu/gamma.py +2 -0
  263. mindspore/ops/_op_impl/aicpu/generate_eod_mask.py +1 -1
  264. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +1 -3
  265. mindspore/ops/_op_impl/aicpu/poisson.py +2 -0
  266. mindspore/ops/_op_impl/cpu/__init__.py +1 -3
  267. mindspore/ops/_op_impl/cpu/adam.py +2 -2
  268. mindspore/ops/_op_impl/cpu/adam_weight_decay.py +3 -2
  269. mindspore/ops/_op_impl/cpu/maximum_grad.py +16 -14
  270. mindspore/ops/_op_impl/cpu/minimum_grad.py +8 -0
  271. mindspore/ops/_vmap/vmap_array_ops.py +137 -101
  272. mindspore/ops/_vmap/vmap_base.py +8 -1
  273. mindspore/ops/_vmap/vmap_grad_math_ops.py +95 -9
  274. mindspore/ops/_vmap/vmap_grad_nn_ops.py +102 -56
  275. mindspore/ops/_vmap/vmap_image_ops.py +70 -13
  276. mindspore/ops/_vmap/vmap_math_ops.py +74 -49
  277. mindspore/ops/_vmap/vmap_nn_ops.py +164 -89
  278. mindspore/ops/_vmap/vmap_other_ops.py +1 -1
  279. mindspore/ops/auto_generate/__init__.py +31 -0
  280. mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +133 -0
  281. mindspore/ops/auto_generate/gen_arg_dtype_cast.py +248 -0
  282. mindspore/ops/auto_generate/gen_arg_handler.py +147 -0
  283. mindspore/ops/auto_generate/gen_extend_func.py +130 -0
  284. mindspore/ops/auto_generate/gen_ops_def.py +4786 -0
  285. mindspore/ops/auto_generate/gen_ops_prim.py +8335 -0
  286. mindspore/ops/auto_generate/pyboost_inner_prim.py +77 -0
  287. mindspore/ops/composite/__init__.py +5 -2
  288. mindspore/ops/composite/base.py +118 -17
  289. mindspore/ops/composite/math_ops.py +9 -48
  290. mindspore/ops/composite/multitype_ops/_compile_utils.py +166 -601
  291. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +15 -133
  292. mindspore/ops/composite/multitype_ops/add_impl.py +6 -0
  293. mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +6 -0
  294. mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +6 -0
  295. mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +6 -0
  296. mindspore/ops/composite/multitype_ops/div_impl.py +8 -0
  297. mindspore/ops/composite/multitype_ops/equal_impl.py +6 -0
  298. mindspore/ops/composite/multitype_ops/floordiv_impl.py +8 -0
  299. mindspore/ops/composite/multitype_ops/getitem_impl.py +6 -0
  300. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +6 -0
  301. mindspore/ops/composite/multitype_ops/greater_impl.py +6 -0
  302. mindspore/ops/composite/multitype_ops/in_impl.py +8 -2
  303. mindspore/ops/composite/multitype_ops/left_shift_impl.py +6 -0
  304. mindspore/ops/composite/multitype_ops/less_equal_impl.py +6 -0
  305. mindspore/ops/composite/multitype_ops/less_impl.py +6 -0
  306. mindspore/ops/composite/multitype_ops/logic_not_impl.py +6 -0
  307. mindspore/ops/composite/multitype_ops/logical_and_impl.py +6 -0
  308. mindspore/ops/composite/multitype_ops/logical_or_impl.py +6 -0
  309. mindspore/ops/composite/multitype_ops/mod_impl.py +6 -0
  310. mindspore/ops/composite/multitype_ops/mul_impl.py +6 -0
  311. mindspore/ops/composite/multitype_ops/negative_impl.py +9 -3
  312. mindspore/ops/composite/multitype_ops/not_equal_impl.py +6 -0
  313. mindspore/ops/composite/multitype_ops/not_in_impl.py +6 -1
  314. mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -2
  315. mindspore/ops/composite/multitype_ops/pow_impl.py +6 -0
  316. mindspore/ops/composite/multitype_ops/right_shift_impl.py +6 -0
  317. mindspore/ops/composite/multitype_ops/setitem_impl.py +32 -21
  318. mindspore/ops/composite/multitype_ops/sub_impl.py +6 -0
  319. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +6 -3
  320. mindspore/ops/deprecated.py +14 -3
  321. mindspore/ops/extend/__init__.py +46 -0
  322. mindspore/ops/extend/array_func.py +152 -0
  323. mindspore/ops/extend/math_func.py +76 -0
  324. mindspore/ops/{_op_impl/tbe/atomic_addr_clean.py → extend/nn_func.py} +5 -15
  325. mindspore/ops/function/__init__.py +19 -11
  326. mindspore/ops/function/array_func.py +251 -1440
  327. mindspore/ops/function/clip_func.py +12 -13
  328. mindspore/ops/function/debug_func.py +1 -4
  329. mindspore/ops/function/fft_func.py +31 -0
  330. mindspore/ops/function/grad/grad_func.py +24 -17
  331. mindspore/ops/function/image_func.py +27 -21
  332. mindspore/ops/function/linalg_func.py +35 -68
  333. mindspore/ops/function/math_func.py +451 -2360
  334. mindspore/ops/function/nn_func.py +459 -780
  335. mindspore/ops/function/other_func.py +4 -5
  336. mindspore/ops/function/parameter_func.py +5 -93
  337. mindspore/ops/function/random_func.py +24 -80
  338. mindspore/ops/function/sparse_unary_func.py +9 -16
  339. mindspore/ops/function/spectral_func.py +1 -1
  340. mindspore/ops/function/vmap_func.py +14 -14
  341. mindspore/ops/functional.py +56 -62
  342. mindspore/ops/op_info_register.py +22 -19
  343. mindspore/ops/operations/__init__.py +19 -19
  344. mindspore/ops/operations/_grad_ops.py +20 -723
  345. mindspore/ops/operations/_inner_ops.py +178 -286
  346. mindspore/ops/operations/_scalar_ops.py +5 -480
  347. mindspore/ops/operations/_sequence_ops.py +4 -34
  348. mindspore/ops/operations/array_ops.py +99 -2491
  349. mindspore/ops/operations/comm_ops.py +38 -46
  350. mindspore/ops/operations/custom_ops.py +8 -8
  351. mindspore/ops/operations/debug_ops.py +100 -31
  352. mindspore/ops/operations/image_ops.py +1 -217
  353. mindspore/ops/operations/inner_ops.py +3 -38
  354. mindspore/ops/operations/linalg_ops.py +1 -49
  355. mindspore/{rewrite/ast_transformers → ops/operations/manually_defined}/__init__.py +11 -4
  356. mindspore/ops/operations/manually_defined/_inner.py +61 -0
  357. mindspore/ops/operations/manually_defined/ops_def.py +1391 -0
  358. mindspore/ops/operations/math_ops.py +703 -4601
  359. mindspore/ops/operations/nn_ops.py +374 -1748
  360. mindspore/ops/operations/other_ops.py +50 -42
  361. mindspore/ops/operations/random_ops.py +3 -52
  362. mindspore/ops/primitive.py +196 -96
  363. mindspore/ops_generate/__init__.py +27 -0
  364. mindspore/ops_generate/arg_dtype_cast.py +248 -0
  365. mindspore/ops_generate/arg_handler.py +147 -0
  366. mindspore/ops_generate/gen_aclnn_implement.py +266 -0
  367. mindspore/ops_generate/gen_ops.py +1062 -0
  368. mindspore/ops_generate/gen_ops_inner_prim.py +129 -0
  369. mindspore/ops_generate/gen_pyboost_func.py +932 -0
  370. mindspore/ops_generate/gen_utils.py +188 -0
  371. mindspore/ops_generate/op_proto.py +138 -0
  372. mindspore/ops_generate/pyboost_utils.py +364 -0
  373. mindspore/ops_generate/template.py +238 -0
  374. mindspore/parallel/__init__.py +5 -4
  375. mindspore/parallel/_auto_parallel_context.py +21 -76
  376. mindspore/parallel/_cell_wrapper.py +16 -9
  377. mindspore/parallel/_cost_model_context.py +1 -1
  378. mindspore/parallel/_dp_allreduce_fusion.py +159 -159
  379. mindspore/parallel/_parallel_serialization.py +30 -46
  380. mindspore/parallel/_ps_context.py +1 -1
  381. mindspore/parallel/_recovery_context.py +1 -1
  382. mindspore/parallel/_tensor.py +19 -7
  383. mindspore/parallel/_transformer/__init__.py +1 -1
  384. mindspore/parallel/_transformer/layers.py +1 -1
  385. mindspore/parallel/_transformer/loss.py +1 -1
  386. mindspore/parallel/_transformer/moe.py +1 -1
  387. mindspore/parallel/_transformer/op_parallel_config.py +1 -1
  388. mindspore/parallel/_transformer/transformer.py +1 -1
  389. mindspore/parallel/_utils.py +131 -6
  390. mindspore/parallel/algo_parameter_config.py +6 -6
  391. mindspore/parallel/checkpoint_transform.py +180 -196
  392. mindspore/parallel/cluster/__init__.py +15 -0
  393. mindspore/parallel/cluster/process_entity/__init__.py +18 -0
  394. mindspore/parallel/cluster/process_entity/_api.py +345 -0
  395. mindspore/parallel/cluster/process_entity/_utils.py +116 -0
  396. mindspore/parallel/cluster/run.py +139 -0
  397. mindspore/parallel/mpi/__init__.py +1 -1
  398. mindspore/parallel/mpi/_mpi_config.py +1 -1
  399. mindspore/parallel/parameter_broadcast.py +152 -0
  400. mindspore/parallel/shard.py +99 -2
  401. mindspore/profiler/common/util.py +20 -0
  402. mindspore/profiler/envprofiling.py +1 -1
  403. mindspore/{_extends/parallel_compile/tbe_compiler → profiler/parser/ascend_analysis}/__init__.py +1 -1
  404. mindspore/profiler/parser/ascend_analysis/constant.py +66 -0
  405. mindspore/profiler/parser/ascend_analysis/file_manager.py +77 -0
  406. mindspore/profiler/parser/ascend_analysis/function_event.py +146 -0
  407. mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +108 -0
  408. mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +80 -0
  409. mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +52 -0
  410. mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +104 -0
  411. mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
  412. mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +59 -0
  413. mindspore/profiler/parser/ascend_cluster_generator.py +14 -9
  414. mindspore/profiler/parser/ascend_communicate_generator.py +0 -1
  415. mindspore/profiler/parser/ascend_flops_generator.py +20 -4
  416. mindspore/profiler/parser/ascend_hccl_generator.py +25 -277
  417. mindspore/profiler/parser/ascend_msprof_exporter.py +112 -132
  418. mindspore/profiler/parser/ascend_msprof_generator.py +68 -285
  419. mindspore/profiler/parser/ascend_op_generator.py +75 -42
  420. mindspore/profiler/parser/ascend_timeline_generator.py +293 -135
  421. mindspore/profiler/parser/base_timeline_generator.py +6 -0
  422. mindspore/profiler/parser/framework_parser.py +3 -2
  423. mindspore/profiler/parser/integrator.py +3 -1
  424. mindspore/profiler/parser/msadvisor_analyzer.py +1 -1
  425. mindspore/profiler/parser/msadvisor_parser.py +1 -1
  426. mindspore/profiler/parser/profiler_info.py +5 -0
  427. mindspore/profiler/profiling.py +296 -166
  428. mindspore/rewrite/__init__.py +2 -13
  429. mindspore/rewrite/api/node.py +121 -35
  430. mindspore/rewrite/api/pattern_engine.py +2 -3
  431. mindspore/rewrite/api/scoped_value.py +16 -15
  432. mindspore/rewrite/api/symbol_tree.py +45 -29
  433. mindspore/rewrite/ast_helpers/__init__.py +3 -6
  434. mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
  435. mindspore/rewrite/ast_helpers/ast_finder.py +48 -0
  436. mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
  437. mindspore/rewrite/ast_helpers/ast_modifier.py +160 -92
  438. mindspore/rewrite/common/__init__.py +1 -2
  439. mindspore/rewrite/common/config.py +24 -0
  440. mindspore/rewrite/common/{rewrite_elog.py → error_log.py} +39 -39
  441. mindspore/rewrite/{namer.py → common/namer.py} +63 -18
  442. mindspore/rewrite/common/namespace.py +118 -0
  443. mindspore/rewrite/node/__init__.py +5 -5
  444. mindspore/rewrite/node/call_function.py +23 -7
  445. mindspore/rewrite/node/cell_container.py +7 -3
  446. mindspore/rewrite/node/control_flow.py +53 -28
  447. mindspore/rewrite/node/node.py +212 -196
  448. mindspore/rewrite/node/node_manager.py +51 -22
  449. mindspore/rewrite/node/node_topological_manager.py +3 -23
  450. mindspore/rewrite/parsers/__init__.py +12 -0
  451. mindspore/rewrite/parsers/arguments_parser.py +8 -9
  452. mindspore/rewrite/parsers/assign_parser.py +635 -413
  453. mindspore/rewrite/parsers/attribute_parser.py +3 -4
  454. mindspore/rewrite/parsers/class_def_parser.py +107 -144
  455. mindspore/rewrite/parsers/constant_parser.py +5 -5
  456. mindspore/rewrite/parsers/container_parser.py +4 -6
  457. mindspore/rewrite/parsers/expr_parser.py +55 -0
  458. mindspore/rewrite/parsers/for_parser.py +31 -98
  459. mindspore/rewrite/parsers/function_def_parser.py +13 -5
  460. mindspore/rewrite/parsers/if_parser.py +28 -10
  461. mindspore/rewrite/parsers/module_parser.py +8 -182
  462. mindspore/rewrite/parsers/parser.py +1 -5
  463. mindspore/rewrite/parsers/parser_register.py +1 -1
  464. mindspore/rewrite/parsers/return_parser.py +5 -10
  465. mindspore/rewrite/parsers/while_parser.py +59 -0
  466. mindspore/rewrite/sparsify/utils.py +1 -1
  467. mindspore/rewrite/symbol_tree/__init__.py +20 -0
  468. mindspore/rewrite/{symbol_tree.py → symbol_tree/symbol_tree.py} +704 -185
  469. mindspore/rewrite/{symbol_tree_builder.py → symbol_tree/symbol_tree_builder.py} +8 -8
  470. mindspore/rewrite/{symbol_tree_dumper.py → symbol_tree/symbol_tree_dumper.py} +4 -4
  471. mindspore/run_check/_check_version.py +6 -14
  472. mindspore/run_check/run_check.py +1 -1
  473. mindspore/safeguard/rewrite_obfuscation.py +9 -19
  474. mindspore/scipy/__init__.py +2 -1
  475. mindspore/scipy/fft.py +133 -0
  476. mindspore/scipy/linalg.py +140 -55
  477. mindspore/scipy/ops.py +15 -71
  478. mindspore/scipy/ops_grad.py +5 -34
  479. mindspore/scipy/optimize/line_search.py +2 -2
  480. mindspore/scipy/optimize/minimize.py +1 -1
  481. mindspore/train/__init__.py +3 -2
  482. mindspore/train/_utils.py +178 -4
  483. mindspore/train/amp.py +167 -245
  484. mindspore/train/callback/_backup_and_restore.py +4 -4
  485. mindspore/train/callback/_callback.py +4 -4
  486. mindspore/train/callback/_checkpoint.py +39 -13
  487. mindspore/train/callback/_early_stop.py +2 -2
  488. mindspore/train/callback/_landscape.py +14 -8
  489. mindspore/train/callback/_loss_monitor.py +2 -2
  490. mindspore/train/callback/_on_request_exit.py +2 -2
  491. mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
  492. mindspore/train/callback/_summary_collector.py +7 -7
  493. mindspore/train/callback/_time_monitor.py +2 -2
  494. mindspore/train/data_sink.py +1 -1
  495. mindspore/train/dataset_helper.py +13 -4
  496. mindspore/train/loss_scale_manager.py +2 -2
  497. mindspore/train/metrics/accuracy.py +7 -7
  498. mindspore/train/metrics/confusion_matrix.py +8 -6
  499. mindspore/train/metrics/cosine_similarity.py +6 -4
  500. mindspore/train/metrics/error.py +2 -2
  501. mindspore/train/metrics/metric.py +3 -3
  502. mindspore/train/metrics/perplexity.py +2 -1
  503. mindspore/train/metrics/topk.py +2 -2
  504. mindspore/train/mind_ir_pb2.py +75 -6
  505. mindspore/train/model.py +24 -22
  506. mindspore/train/serialization.py +256 -132
  507. mindspore/train/summary/summary_record.py +51 -28
  508. mindspore/train/train_thor/convert_utils.py +3 -3
  509. mindspore/version.py +1 -1
  510. {mindspore-2.2.14.dist-info → mindspore-2.3.0rc1.dist-info}/METADATA +2 -2
  511. {mindspore-2.2.14.dist-info → mindspore-2.3.0rc1.dist-info}/RECORD +514 -1060
  512. {mindspore-2.2.14.dist-info → mindspore-2.3.0rc1.dist-info}/entry_points.txt +1 -0
  513. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +0 -662
  514. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +0 -377
  515. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +0 -201
  516. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +0 -515
  517. mindspore/config/super_bar_config.json +0 -544
  518. mindspore/gen_ops.py +0 -273
  519. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
  520. mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
  521. mindspore/nn/layer/flash_attention.py +0 -189
  522. mindspore/ops/_op_impl/cpu/concat.py +0 -39
  523. mindspore/ops/_op_impl/cpu/tensor_shape.py +0 -42
  524. mindspore/ops/_op_impl/tbe/__init__.py +0 -47
  525. mindspore/ops/_op_impl/tbe/abs.py +0 -38
  526. mindspore/ops/_op_impl/tbe/abs_ds.py +0 -39
  527. mindspore/ops/_op_impl/tbe/abs_grad.py +0 -43
  528. mindspore/ops/_op_impl/tbe/abs_grad_ds.py +0 -44
  529. mindspore/ops/_op_impl/tbe/accumulate_n_v2.py +0 -41
  530. mindspore/ops/_op_impl/tbe/accumulate_n_v2_ds.py +0 -42
  531. mindspore/ops/_op_impl/tbe/acos.py +0 -37
  532. mindspore/ops/_op_impl/tbe/acos_ds.py +0 -38
  533. mindspore/ops/_op_impl/tbe/acos_grad.py +0 -43
  534. mindspore/ops/_op_impl/tbe/acos_grad_ds.py +0 -44
  535. mindspore/ops/_op_impl/tbe/acosh.py +0 -37
  536. mindspore/ops/_op_impl/tbe/acosh_ds.py +0 -38
  537. mindspore/ops/_op_impl/tbe/acosh_grad.py +0 -43
  538. mindspore/ops/_op_impl/tbe/acosh_grad_ds.py +0 -44
  539. mindspore/ops/_op_impl/tbe/act_ulq_clamp_max_grad.py +0 -38
  540. mindspore/ops/_op_impl/tbe/act_ulq_clamp_min_grad.py +0 -38
  541. mindspore/ops/_op_impl/tbe/acts_ulq.py +0 -45
  542. mindspore/ops/_op_impl/tbe/acts_ulq_input_grad.py +0 -38
  543. mindspore/ops/_op_impl/tbe/adam_apply_one.py +0 -50
  544. mindspore/ops/_op_impl/tbe/adam_apply_one_assign.py +0 -53
  545. mindspore/ops/_op_impl/tbe/adam_apply_one_ds.py +0 -51
  546. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay.py +0 -54
  547. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_assign.py +0 -54
  548. mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_ds.py +0 -55
  549. mindspore/ops/_op_impl/tbe/adaptive_max_pool2d.py +0 -37
  550. mindspore/ops/_op_impl/tbe/add.py +0 -42
  551. mindspore/ops/_op_impl/tbe/add_ds.py +0 -43
  552. mindspore/ops/_op_impl/tbe/add_n.py +0 -39
  553. mindspore/ops/_op_impl/tbe/add_n_ds.py +0 -40
  554. mindspore/ops/_op_impl/tbe/addcdiv.py +0 -41
  555. mindspore/ops/_op_impl/tbe/addcdiv_ds.py +0 -42
  556. mindspore/ops/_op_impl/tbe/addcmul.py +0 -43
  557. mindspore/ops/_op_impl/tbe/addcmul_ds.py +0 -44
  558. mindspore/ops/_op_impl/tbe/apply_ada_max.py +0 -68
  559. mindspore/ops/_op_impl/tbe/apply_ada_max_ds.py +0 -69
  560. mindspore/ops/_op_impl/tbe/apply_adadelta.py +0 -66
  561. mindspore/ops/_op_impl/tbe/apply_adadelta_ds.py +0 -67
  562. mindspore/ops/_op_impl/tbe/apply_adagrad.py +0 -55
  563. mindspore/ops/_op_impl/tbe/apply_adagrad_d_a.py +0 -67
  564. mindspore/ops/_op_impl/tbe/apply_adagrad_ds.py +0 -56
  565. mindspore/ops/_op_impl/tbe/apply_adagrad_v2.py +0 -48
  566. mindspore/ops/_op_impl/tbe/apply_adagrad_v2_ds.py +0 -49
  567. mindspore/ops/_op_impl/tbe/apply_adam.py +0 -79
  568. mindspore/ops/_op_impl/tbe/apply_adam_ds.py +0 -80
  569. mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad.py +0 -60
  570. mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad_ds.py +0 -61
  571. mindspore/ops/_op_impl/tbe/apply_add_sign.py +0 -65
  572. mindspore/ops/_op_impl/tbe/apply_add_sign_ds.py +0 -66
  573. mindspore/ops/_op_impl/tbe/apply_centered_rms_prop.py +0 -77
  574. mindspore/ops/_op_impl/tbe/apply_centered_rms_prop_ds.py +0 -78
  575. mindspore/ops/_op_impl/tbe/apply_ftrl.py +0 -67
  576. mindspore/ops/_op_impl/tbe/apply_ftrl_ds.py +0 -68
  577. mindspore/ops/_op_impl/tbe/apply_gradient_descent.py +0 -44
  578. mindspore/ops/_op_impl/tbe/apply_gradient_descent_ds.py +0 -45
  579. mindspore/ops/_op_impl/tbe/apply_keras_momentum.py +0 -49
  580. mindspore/ops/_op_impl/tbe/apply_momentum.py +0 -64
  581. mindspore/ops/_op_impl/tbe/apply_momentum_ds.py +0 -65
  582. mindspore/ops/_op_impl/tbe/apply_power_sign.py +0 -65
  583. mindspore/ops/_op_impl/tbe/apply_power_sign_ds.py +0 -66
  584. mindspore/ops/_op_impl/tbe/apply_proximal_adagrad.py +0 -57
  585. mindspore/ops/_op_impl/tbe/apply_proximal_adagrad_ds.py +0 -58
  586. mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent.py +0 -54
  587. mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent_ds.py +0 -55
  588. mindspore/ops/_op_impl/tbe/apply_rms_prop.py +0 -52
  589. mindspore/ops/_op_impl/tbe/approximate_equal.py +0 -39
  590. mindspore/ops/_op_impl/tbe/approximate_equal_ds.py +0 -40
  591. mindspore/ops/_op_impl/tbe/arg_max.py +0 -38
  592. mindspore/ops/_op_impl/tbe/arg_max_with_value.py +0 -38
  593. mindspore/ops/_op_impl/tbe/arg_max_with_value_ds.py +0 -39
  594. mindspore/ops/_op_impl/tbe/arg_min.py +0 -38
  595. mindspore/ops/_op_impl/tbe/arg_min_v2_ds.py +0 -40
  596. mindspore/ops/_op_impl/tbe/arg_min_with_value.py +0 -38
  597. mindspore/ops/_op_impl/tbe/arg_min_with_value_ds.py +0 -39
  598. mindspore/ops/_op_impl/tbe/asin.py +0 -37
  599. mindspore/ops/_op_impl/tbe/asin_ds.py +0 -38
  600. mindspore/ops/_op_impl/tbe/asin_grad.py +0 -43
  601. mindspore/ops/_op_impl/tbe/asin_grad_ds.py +0 -44
  602. mindspore/ops/_op_impl/tbe/asinh.py +0 -37
  603. mindspore/ops/_op_impl/tbe/asinh_ds.py +0 -38
  604. mindspore/ops/_op_impl/tbe/asinh_grad.py +0 -43
  605. mindspore/ops/_op_impl/tbe/asinh_grad_ds.py +0 -44
  606. mindspore/ops/_op_impl/tbe/assign.py +0 -79
  607. mindspore/ops/_op_impl/tbe/assign_add.py +0 -59
  608. mindspore/ops/_op_impl/tbe/assign_add_ds.py +0 -60
  609. mindspore/ops/_op_impl/tbe/assign_ds.py +0 -80
  610. mindspore/ops/_op_impl/tbe/assign_sub.py +0 -55
  611. mindspore/ops/_op_impl/tbe/assign_sub_ds.py +0 -56
  612. mindspore/ops/_op_impl/tbe/atan.py +0 -37
  613. mindspore/ops/_op_impl/tbe/atan2.py +0 -38
  614. mindspore/ops/_op_impl/tbe/atan2_ds.py +0 -39
  615. mindspore/ops/_op_impl/tbe/atan_ds.py +0 -38
  616. mindspore/ops/_op_impl/tbe/atan_grad.py +0 -43
  617. mindspore/ops/_op_impl/tbe/atan_grad_ds.py +0 -44
  618. mindspore/ops/_op_impl/tbe/atanh.py +0 -37
  619. mindspore/ops/_op_impl/tbe/atanh_ds.py +0 -38
  620. mindspore/ops/_op_impl/tbe/avg_pool.py +0 -43
  621. mindspore/ops/_op_impl/tbe/avg_pool_3d.py +0 -44
  622. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +0 -45
  623. mindspore/ops/_op_impl/tbe/avg_pool_ds.py +0 -44
  624. mindspore/ops/_op_impl/tbe/avg_pool_grad.py +0 -42
  625. mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +0 -42
  626. mindspore/ops/_op_impl/tbe/basic_lstm_cell.py +0 -57
  627. mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad.py +0 -50
  628. mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -51
  629. mindspore/ops/_op_impl/tbe/basic_lstm_cell_input_grad.py +0 -42
  630. mindspore/ops/_op_impl/tbe/basic_lstm_cell_weight_grad.py +0 -41
  631. mindspore/ops/_op_impl/tbe/batch_matmul.py +0 -42
  632. mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +0 -41
  633. mindspore/ops/_op_impl/tbe/batch_matmul_v2.py +0 -47
  634. mindspore/ops/_op_impl/tbe/batch_to_space.py +0 -38
  635. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +0 -38
  636. mindspore/ops/_op_impl/tbe/batch_to_space_nd_ds.py +0 -39
  637. mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +0 -41
  638. mindspore/ops/_op_impl/tbe/batchnorm.py +0 -58
  639. mindspore/ops/_op_impl/tbe/batchnorm_grad.py +0 -58
  640. mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +0 -42
  641. mindspore/ops/_op_impl/tbe/bessel_i0e.py +0 -37
  642. mindspore/ops/_op_impl/tbe/bessel_i0e_ds.py +0 -38
  643. mindspore/ops/_op_impl/tbe/bessel_i1e.py +0 -37
  644. mindspore/ops/_op_impl/tbe/bessel_i1e_ds.py +0 -38
  645. mindspore/ops/_op_impl/tbe/bias_add.py +0 -38
  646. mindspore/ops/_op_impl/tbe/bias_add_ds.py +0 -39
  647. mindspore/ops/_op_impl/tbe/bias_add_grad.py +0 -53
  648. mindspore/ops/_op_impl/tbe/binary_cross_entropy.py +0 -39
  649. mindspore/ops/_op_impl/tbe/binary_cross_entropy_ds.py +0 -40
  650. mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad.py +0 -44
  651. mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad_ds.py +0 -45
  652. mindspore/ops/_op_impl/tbe/bitwise_and.py +0 -39
  653. mindspore/ops/_op_impl/tbe/bitwise_and_ds.py +0 -40
  654. mindspore/ops/_op_impl/tbe/bitwise_or.py +0 -39
  655. mindspore/ops/_op_impl/tbe/bitwise_or_ds.py +0 -40
  656. mindspore/ops/_op_impl/tbe/bitwise_xor.py +0 -39
  657. mindspore/ops/_op_impl/tbe/bitwise_xor_ds.py +0 -40
  658. mindspore/ops/_op_impl/tbe/bn_infer.py +0 -43
  659. mindspore/ops/_op_impl/tbe/bn_infer_ds.py +0 -45
  660. mindspore/ops/_op_impl/tbe/bn_infer_grad.py +0 -41
  661. mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +0 -40
  662. mindspore/ops/_op_impl/tbe/bn_inference.py +0 -50
  663. mindspore/ops/_op_impl/tbe/bn_training_reduce.py +0 -38
  664. mindspore/ops/_op_impl/tbe/bn_training_reduce_ds.py +0 -39
  665. mindspore/ops/_op_impl/tbe/bn_training_reduce_grad.py +0 -46
  666. mindspore/ops/_op_impl/tbe/bn_training_reduce_grad_ds.py +0 -47
  667. mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -52
  668. mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -53
  669. mindspore/ops/_op_impl/tbe/bn_training_update_grad.py +0 -44
  670. mindspore/ops/_op_impl/tbe/bn_training_update_grad_ds.py +0 -45
  671. mindspore/ops/_op_impl/tbe/bn_training_update_v2.py +0 -48
  672. mindspore/ops/_op_impl/tbe/bn_training_update_v3.py +0 -51
  673. mindspore/ops/_op_impl/tbe/bounding_box_decode.py +0 -41
  674. mindspore/ops/_op_impl/tbe/bounding_box_decode_ds.py +0 -42
  675. mindspore/ops/_op_impl/tbe/bounding_box_encode.py +0 -38
  676. mindspore/ops/_op_impl/tbe/broadcast_to.py +0 -40
  677. mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +0 -44
  678. mindspore/ops/_op_impl/tbe/cast.py +0 -55
  679. mindspore/ops/_op_impl/tbe/cast_ds.py +0 -58
  680. mindspore/ops/_op_impl/tbe/cdist.py +0 -38
  681. mindspore/ops/_op_impl/tbe/cdist_grad.py +0 -42
  682. mindspore/ops/_op_impl/tbe/ceil.py +0 -37
  683. mindspore/ops/_op_impl/tbe/ceil_ds.py +0 -38
  684. mindspore/ops/_op_impl/tbe/celu.py +0 -39
  685. mindspore/ops/_op_impl/tbe/centralization.py +0 -39
  686. mindspore/ops/_op_impl/tbe/check_valid.py +0 -38
  687. mindspore/ops/_op_impl/tbe/check_valid_ds.py +0 -39
  688. mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum.py +0 -41
  689. mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum_ds.py +0 -42
  690. mindspore/ops/_op_impl/tbe/clip_by_value.py +0 -41
  691. mindspore/ops/_op_impl/tbe/clip_by_value_ds.py +0 -42
  692. mindspore/ops/_op_impl/tbe/concat.py +0 -40
  693. mindspore/ops/_op_impl/tbe/concat_ds.py +0 -38
  694. mindspore/ops/_op_impl/tbe/confusion_matrix.py +0 -63
  695. mindspore/ops/_op_impl/tbe/confusion_mul_grad.py +0 -40
  696. mindspore/ops/_op_impl/tbe/confusion_softmax_grad.py +0 -41
  697. mindspore/ops/_op_impl/tbe/confusion_transpose_d.py +0 -39
  698. mindspore/ops/_op_impl/tbe/conv2d.py +0 -47
  699. mindspore/ops/_op_impl/tbe/conv2d_backprop_filter.py +0 -42
  700. mindspore/ops/_op_impl/tbe/conv2d_backprop_filter_ds.py +0 -43
  701. mindspore/ops/_op_impl/tbe/conv2d_backprop_input.py +0 -42
  702. mindspore/ops/_op_impl/tbe/conv2d_backprop_input_ds.py +0 -44
  703. mindspore/ops/_op_impl/tbe/conv2d_ds.py +0 -47
  704. mindspore/ops/_op_impl/tbe/conv2d_transpose.py +0 -48
  705. mindspore/ops/_op_impl/tbe/conv3d.py +0 -45
  706. mindspore/ops/_op_impl/tbe/conv3d_backprop_filter.py +0 -42
  707. mindspore/ops/_op_impl/tbe/conv3d_backprop_input.py +0 -42
  708. mindspore/ops/_op_impl/tbe/conv3d_transpose.py +0 -47
  709. mindspore/ops/_op_impl/tbe/conv3d_transpose_ds.py +0 -48
  710. mindspore/ops/_op_impl/tbe/cos.py +0 -37
  711. mindspore/ops/_op_impl/tbe/cos_ds.py +0 -38
  712. mindspore/ops/_op_impl/tbe/cosh.py +0 -37
  713. mindspore/ops/_op_impl/tbe/cosh_ds.py +0 -38
  714. mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -42
  715. mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -44
  716. mindspore/ops/_op_impl/tbe/cum_sum.py +0 -42
  717. mindspore/ops/_op_impl/tbe/cum_sum_ds.py +0 -44
  718. mindspore/ops/_op_impl/tbe/cummin.py +0 -41
  719. mindspore/ops/_op_impl/tbe/cumprod.py +0 -42
  720. mindspore/ops/_op_impl/tbe/data_format_dim_map.py +0 -38
  721. mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +0 -40
  722. mindspore/ops/_op_impl/tbe/deformable_offsets.py +0 -45
  723. mindspore/ops/_op_impl/tbe/deformable_offsets_grad.py +0 -48
  724. mindspore/ops/_op_impl/tbe/depth_to_space_ds.py +0 -49
  725. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +0 -44
  726. mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_filter.py +0 -41
  727. mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_input.py +0 -41
  728. mindspore/ops/_op_impl/tbe/diag.py +0 -38
  729. mindspore/ops/_op_impl/tbe/diag_part.py +0 -38
  730. mindspore/ops/_op_impl/tbe/dilation.py +0 -40
  731. mindspore/ops/_op_impl/tbe/div.py +0 -41
  732. mindspore/ops/_op_impl/tbe/div_ds.py +0 -42
  733. mindspore/ops/_op_impl/tbe/div_no_nan.py +0 -41
  734. mindspore/ops/_op_impl/tbe/div_no_nan_ds.py +0 -42
  735. mindspore/ops/_op_impl/tbe/dropout_do_mask.py +0 -38
  736. mindspore/ops/_op_impl/tbe/dropout_do_mask_ds.py +0 -39
  737. mindspore/ops/_op_impl/tbe/dropout_do_mask_v3.py +0 -39
  738. mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +0 -34
  739. mindspore/ops/_op_impl/tbe/dynamic_gru_v2.py +0 -95
  740. mindspore/ops/_op_impl/tbe/dynamic_rnn.py +0 -82
  741. mindspore/ops/_op_impl/tbe/elu.py +0 -38
  742. mindspore/ops/_op_impl/tbe/elu_ds.py +0 -39
  743. mindspore/ops/_op_impl/tbe/elu_grad.py +0 -43
  744. mindspore/ops/_op_impl/tbe/elu_grad_ds.py +0 -44
  745. mindspore/ops/_op_impl/tbe/equal.py +0 -42
  746. mindspore/ops/_op_impl/tbe/equal_ds.py +0 -42
  747. mindspore/ops/_op_impl/tbe/erf.py +0 -37
  748. mindspore/ops/_op_impl/tbe/erf_ds.py +0 -38
  749. mindspore/ops/_op_impl/tbe/erfc.py +0 -37
  750. mindspore/ops/_op_impl/tbe/erfc_ds.py +0 -38
  751. mindspore/ops/_op_impl/tbe/erfinv.py +0 -36
  752. mindspore/ops/_op_impl/tbe/exp.py +0 -40
  753. mindspore/ops/_op_impl/tbe/exp_ds.py +0 -41
  754. mindspore/ops/_op_impl/tbe/expand_dims.py +0 -38
  755. mindspore/ops/_op_impl/tbe/expm1.py +0 -37
  756. mindspore/ops/_op_impl/tbe/expm1_ds.py +0 -38
  757. mindspore/ops/_op_impl/tbe/extract_image_patches.py +0 -41
  758. mindspore/ops/_op_impl/tbe/extract_volume_patches.py +0 -39
  759. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars.py +0 -39
  760. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_gradient.py +0 -43
  761. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel.py +0 -39
  762. mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel_gradient.py +0 -43
  763. mindspore/ops/_op_impl/tbe/fast_gelu.py +0 -37
  764. mindspore/ops/_op_impl/tbe/fast_gelu_ds.py +0 -38
  765. mindspore/ops/_op_impl/tbe/fast_gelu_grad.py +0 -41
  766. mindspore/ops/_op_impl/tbe/fast_gelu_grad_ds.py +0 -42
  767. mindspore/ops/_op_impl/tbe/fill.py +0 -56
  768. mindspore/ops/_op_impl/tbe/fill_ds.py +0 -42
  769. mindspore/ops/_op_impl/tbe/flatten.py +0 -48
  770. mindspore/ops/_op_impl/tbe/floor.py +0 -37
  771. mindspore/ops/_op_impl/tbe/floor_div.py +0 -41
  772. mindspore/ops/_op_impl/tbe/floor_div_ds.py +0 -42
  773. mindspore/ops/_op_impl/tbe/floor_ds.py +0 -38
  774. mindspore/ops/_op_impl/tbe/floor_mod.py +0 -39
  775. mindspore/ops/_op_impl/tbe/floor_mod_ds.py +0 -40
  776. mindspore/ops/_op_impl/tbe/fused_dbn_dw.py +0 -52
  777. mindspore/ops/_op_impl/tbe/fused_mul_add.py +0 -38
  778. mindspore/ops/_op_impl/tbe/fused_mul_add_n.py +0 -48
  779. mindspore/ops/_op_impl/tbe/fused_mul_add_n_l2loss.py +0 -53
  780. mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum.py +0 -57
  781. mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum_extern.py +0 -67
  782. mindspore/ops/_op_impl/tbe/gather_nd.py +0 -52
  783. mindspore/ops/_op_impl/tbe/gather_nd_ds.py +0 -48
  784. mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
  785. mindspore/ops/_op_impl/tbe/gather_v2_ds.py +0 -68
  786. mindspore/ops/_op_impl/tbe/gelu.py +0 -37
  787. mindspore/ops/_op_impl/tbe/gelu_ds.py +0 -38
  788. mindspore/ops/_op_impl/tbe/gelu_grad.py +0 -42
  789. mindspore/ops/_op_impl/tbe/gelu_grad_ds.py +0 -43
  790. mindspore/ops/_op_impl/tbe/ger.py +0 -43
  791. mindspore/ops/_op_impl/tbe/ger_ds.py +0 -44
  792. mindspore/ops/_op_impl/tbe/greater.py +0 -43
  793. mindspore/ops/_op_impl/tbe/greater_equal.py +0 -41
  794. mindspore/ops/_op_impl/tbe/greater_equal_ds.py +0 -42
  795. mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad.py +0 -51
  796. mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad_cell.py +0 -52
  797. mindspore/ops/_op_impl/tbe/hard_swish.py +0 -37
  798. mindspore/ops/_op_impl/tbe/hard_swish_ds.py +0 -38
  799. mindspore/ops/_op_impl/tbe/hard_swish_grad.py +0 -41
  800. mindspore/ops/_op_impl/tbe/hard_swish_grad_ds.py +0 -42
  801. mindspore/ops/_op_impl/tbe/histogram_fixed_width.py +0 -40
  802. mindspore/ops/_op_impl/tbe/hshrink.py +0 -33
  803. mindspore/ops/_op_impl/tbe/hshrink_grad.py +0 -37
  804. mindspore/ops/_op_impl/tbe/hsigmoid.py +0 -45
  805. mindspore/ops/_op_impl/tbe/hsigmoid_grad.py +0 -39
  806. mindspore/ops/_op_impl/tbe/ifmr.py +0 -47
  807. mindspore/ops/_op_impl/tbe/ifmr_ds.py +0 -48
  808. mindspore/ops/_op_impl/tbe/im2col.py +0 -42
  809. mindspore/ops/_op_impl/tbe/in_top_k.py +0 -37
  810. mindspore/ops/_op_impl/tbe/inplace_add.py +0 -39
  811. mindspore/ops/_op_impl/tbe/inplace_index_add.py +0 -46
  812. mindspore/ops/_op_impl/tbe/inplace_sub.py +0 -39
  813. mindspore/ops/_op_impl/tbe/inplace_update.py +0 -39
  814. mindspore/ops/_op_impl/tbe/inplace_update_ds.py +0 -40
  815. mindspore/ops/_op_impl/tbe/inv.py +0 -38
  816. mindspore/ops/_op_impl/tbe/inv_ds.py +0 -39
  817. mindspore/ops/_op_impl/tbe/inv_grad.py +0 -40
  818. mindspore/ops/_op_impl/tbe/inv_grad_ds.py +0 -41
  819. mindspore/ops/_op_impl/tbe/invert.py +0 -37
  820. mindspore/ops/_op_impl/tbe/invert_ds.py +0 -38
  821. mindspore/ops/_op_impl/tbe/iou.py +0 -38
  822. mindspore/ops/_op_impl/tbe/iou_ds.py +0 -39
  823. mindspore/ops/_op_impl/tbe/is_close.py +0 -40
  824. mindspore/ops/_op_impl/tbe/kl_div_loss.py +0 -38
  825. mindspore/ops/_op_impl/tbe/kl_div_loss_ds.py +0 -39
  826. mindspore/ops/_op_impl/tbe/kl_div_loss_grad.py +0 -40
  827. mindspore/ops/_op_impl/tbe/l2_loss.py +0 -36
  828. mindspore/ops/_op_impl/tbe/l2_loss_ds.py +0 -37
  829. mindspore/ops/_op_impl/tbe/l2_normalize.py +0 -38
  830. mindspore/ops/_op_impl/tbe/l2_normalize_grad.py +0 -40
  831. mindspore/ops/_op_impl/tbe/lamb_apply_optimizer_assign.py +0 -55
  832. mindspore/ops/_op_impl/tbe/lamb_apply_weight_assign.py +0 -42
  833. mindspore/ops/_op_impl/tbe/lamb_next_mv.py +0 -59
  834. mindspore/ops/_op_impl/tbe/lamb_next_mv_with_decay.py +0 -59
  835. mindspore/ops/_op_impl/tbe/lamb_next_right.py +0 -44
  836. mindspore/ops/_op_impl/tbe/lamb_update_with_lr.py +0 -48
  837. mindspore/ops/_op_impl/tbe/lamb_update_with_lr_v2.py +0 -44
  838. mindspore/ops/_op_impl/tbe/lars_update.py +0 -50
  839. mindspore/ops/_op_impl/tbe/lars_update_ds.py +0 -51
  840. mindspore/ops/_op_impl/tbe/layer_norm.py +0 -46
  841. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop.py +0 -44
  842. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_ds.py +0 -45
  843. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -40
  844. mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2_ds.py +0 -41
  845. mindspore/ops/_op_impl/tbe/layer_norm_ds.py +0 -47
  846. mindspore/ops/_op_impl/tbe/layer_norm_grad.py +0 -48
  847. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop.py +0 -43
  848. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_ds.py +0 -44
  849. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2.py +0 -45
  850. mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2_ds.py +0 -45
  851. mindspore/ops/_op_impl/tbe/lerp.py +0 -38
  852. mindspore/ops/_op_impl/tbe/less.py +0 -41
  853. mindspore/ops/_op_impl/tbe/less_ds.py +0 -42
  854. mindspore/ops/_op_impl/tbe/less_equal.py +0 -41
  855. mindspore/ops/_op_impl/tbe/less_equal_ds.py +0 -42
  856. mindspore/ops/_op_impl/tbe/log.py +0 -40
  857. mindspore/ops/_op_impl/tbe/log1p.py +0 -37
  858. mindspore/ops/_op_impl/tbe/log1p_ds.py +0 -38
  859. mindspore/ops/_op_impl/tbe/log_ds.py +0 -41
  860. mindspore/ops/_op_impl/tbe/logical_and.py +0 -37
  861. mindspore/ops/_op_impl/tbe/logical_and_ds.py +0 -38
  862. mindspore/ops/_op_impl/tbe/logical_not.py +0 -36
  863. mindspore/ops/_op_impl/tbe/logical_not_ds.py +0 -37
  864. mindspore/ops/_op_impl/tbe/logical_or.py +0 -37
  865. mindspore/ops/_op_impl/tbe/logical_or_ds.py +0 -38
  866. mindspore/ops/_op_impl/tbe/logsoftmax.py +0 -37
  867. mindspore/ops/_op_impl/tbe/logsoftmax_ds.py +0 -38
  868. mindspore/ops/_op_impl/tbe/logsoftmax_grad.py +0 -38
  869. mindspore/ops/_op_impl/tbe/logsoftmax_grad_ds.py +0 -39
  870. mindspore/ops/_op_impl/tbe/lp_norm.py +0 -40
  871. mindspore/ops/_op_impl/tbe/lp_norm_ds.py +0 -41
  872. mindspore/ops/_op_impl/tbe/lrn.py +0 -41
  873. mindspore/ops/_op_impl/tbe/lrn_grad.py +0 -42
  874. mindspore/ops/_op_impl/tbe/lstm_input_grad.py +0 -51
  875. mindspore/ops/_op_impl/tbe/masked_fill.py +0 -40
  876. mindspore/ops/_op_impl/tbe/masked_fill_ds.py +0 -41
  877. mindspore/ops/_op_impl/tbe/matmul.py +0 -53
  878. mindspore/ops/_op_impl/tbe/matmul_ds.py +0 -47
  879. mindspore/ops/_op_impl/tbe/matmul_v2.py +0 -50
  880. mindspore/ops/_op_impl/tbe/matrix_diag.py +0 -45
  881. mindspore/ops/_op_impl/tbe/matrix_diag_part.py +0 -45
  882. mindspore/ops/_op_impl/tbe/matrix_set_diag.py +0 -46
  883. mindspore/ops/_op_impl/tbe/max_pool.py +0 -39
  884. mindspore/ops/_op_impl/tbe/max_pool3d.py +0 -44
  885. mindspore/ops/_op_impl/tbe/max_pool3d_grad.py +0 -43
  886. mindspore/ops/_op_impl/tbe/max_pool3d_grad_grad.py +0 -44
  887. mindspore/ops/_op_impl/tbe/max_pool_ds.py +0 -40
  888. mindspore/ops/_op_impl/tbe/max_pool_grad.py +0 -43
  889. mindspore/ops/_op_impl/tbe/max_pool_grad_grad.py +0 -41
  890. mindspore/ops/_op_impl/tbe/max_pool_grad_grad_with_argmax.py +0 -41
  891. mindspore/ops/_op_impl/tbe/max_pool_grad_with_argmax.py +0 -42
  892. mindspore/ops/_op_impl/tbe/max_pool_with_argmax.py +0 -40
  893. mindspore/ops/_op_impl/tbe/maximum.py +0 -39
  894. mindspore/ops/_op_impl/tbe/maximum_ds.py +0 -40
  895. mindspore/ops/_op_impl/tbe/maximum_grad.py +0 -46
  896. mindspore/ops/_op_impl/tbe/maximum_grad_ds.py +0 -47
  897. mindspore/ops/_op_impl/tbe/mem_set.py +0 -38
  898. mindspore/ops/_op_impl/tbe/minimum.py +0 -40
  899. mindspore/ops/_op_impl/tbe/minimum_ds.py +0 -41
  900. mindspore/ops/_op_impl/tbe/minimum_grad.py +0 -46
  901. mindspore/ops/_op_impl/tbe/minimum_grad_ds.py +0 -47
  902. mindspore/ops/_op_impl/tbe/mish.py +0 -37
  903. mindspore/ops/_op_impl/tbe/mod.py +0 -41
  904. mindspore/ops/_op_impl/tbe/mod_ds.py +0 -42
  905. mindspore/ops/_op_impl/tbe/mul.py +0 -37
  906. mindspore/ops/_op_impl/tbe/mul_ds.py +0 -38
  907. mindspore/ops/_op_impl/tbe/mul_no_nan.py +0 -39
  908. mindspore/ops/_op_impl/tbe/mul_no_nan_ds.py +0 -40
  909. mindspore/ops/_op_impl/tbe/multilabel_margin_loss.py +0 -39
  910. mindspore/ops/_op_impl/tbe/neg.py +0 -39
  911. mindspore/ops/_op_impl/tbe/neg_ds.py +0 -40
  912. mindspore/ops/_op_impl/tbe/new_im2col.py +0 -40
  913. mindspore/ops/_op_impl/tbe/nll_loss.py +0 -41
  914. mindspore/ops/_op_impl/tbe/nll_loss_grad.py +0 -44
  915. mindspore/ops/_op_impl/tbe/nms_with_mask.py +0 -39
  916. mindspore/ops/_op_impl/tbe/not_equal.py +0 -41
  917. mindspore/ops/_op_impl/tbe/not_equal_ds.py +0 -42
  918. mindspore/ops/_op_impl/tbe/npu_alloc_float_status.py +0 -34
  919. mindspore/ops/_op_impl/tbe/npu_clear_float_status.py +0 -35
  920. mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +0 -35
  921. mindspore/ops/_op_impl/tbe/npu_get_float_status.py +0 -35
  922. mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +0 -35
  923. mindspore/ops/_op_impl/tbe/one_hot.py +0 -48
  924. mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -45
  925. mindspore/ops/_op_impl/tbe/ones_like.py +0 -40
  926. mindspore/ops/_op_impl/tbe/ones_like_ds.py +0 -41
  927. mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling.py +0 -40
  928. mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling_grad.py +0 -40
  929. mindspore/ops/_op_impl/tbe/pack.py +0 -58
  930. mindspore/ops/_op_impl/tbe/pack_ds.py +0 -59
  931. mindspore/ops/_op_impl/tbe/pad_d.py +0 -40
  932. mindspore/ops/_op_impl/tbe/pad_d_ds.py +0 -41
  933. mindspore/ops/_op_impl/tbe/parallel_concat.py +0 -70
  934. mindspore/ops/_op_impl/tbe/parallel_resize_bilinear.py +0 -45
  935. mindspore/ops/_op_impl/tbe/parallel_resize_bilinear_grad.py +0 -44
  936. mindspore/ops/_op_impl/tbe/pdist.py +0 -36
  937. mindspore/ops/_op_impl/tbe/pooling.py +0 -46
  938. mindspore/ops/_op_impl/tbe/population_count.py +0 -38
  939. mindspore/ops/_op_impl/tbe/pow.py +0 -41
  940. mindspore/ops/_op_impl/tbe/pow_ds.py +0 -42
  941. mindspore/ops/_op_impl/tbe/prelu.py +0 -37
  942. mindspore/ops/_op_impl/tbe/prelu_ds.py +0 -38
  943. mindspore/ops/_op_impl/tbe/prelu_grad.py +0 -40
  944. mindspore/ops/_op_impl/tbe/range.py +0 -39
  945. mindspore/ops/_op_impl/tbe/real_div.py +0 -38
  946. mindspore/ops/_op_impl/tbe/real_div_ds.py +0 -39
  947. mindspore/ops/_op_impl/tbe/reciprocal.py +0 -36
  948. mindspore/ops/_op_impl/tbe/reciprocal_ds.py +0 -37
  949. mindspore/ops/_op_impl/tbe/reciprocal_grad.py +0 -38
  950. mindspore/ops/_op_impl/tbe/reciprocal_grad_ds.py +0 -39
  951. mindspore/ops/_op_impl/tbe/reduce_all.py +0 -38
  952. mindspore/ops/_op_impl/tbe/reduce_all_ds.py +0 -39
  953. mindspore/ops/_op_impl/tbe/reduce_any.py +0 -38
  954. mindspore/ops/_op_impl/tbe/reduce_any_ds.py +0 -39
  955. mindspore/ops/_op_impl/tbe/reduce_max.py +0 -43
  956. mindspore/ops/_op_impl/tbe/reduce_max_ds.py +0 -41
  957. mindspore/ops/_op_impl/tbe/reduce_mean.py +0 -40
  958. mindspore/ops/_op_impl/tbe/reduce_mean_ds.py +0 -42
  959. mindspore/ops/_op_impl/tbe/reduce_min.py +0 -41
  960. mindspore/ops/_op_impl/tbe/reduce_min_ds.py +0 -41
  961. mindspore/ops/_op_impl/tbe/reduce_prod.py +0 -42
  962. mindspore/ops/_op_impl/tbe/reduce_prod_ds.py +0 -41
  963. mindspore/ops/_op_impl/tbe/reduce_std.py +0 -44
  964. mindspore/ops/_op_impl/tbe/reduce_sum.py +0 -39
  965. mindspore/ops/_op_impl/tbe/reduce_sum_ds.py +0 -41
  966. mindspore/ops/_op_impl/tbe/relu.py +0 -39
  967. mindspore/ops/_op_impl/tbe/relu6.py +0 -38
  968. mindspore/ops/_op_impl/tbe/relu6_ds.py +0 -39
  969. mindspore/ops/_op_impl/tbe/relu6_grad.py +0 -43
  970. mindspore/ops/_op_impl/tbe/relu6_grad_ds.py +0 -44
  971. mindspore/ops/_op_impl/tbe/relu_ds.py +0 -40
  972. mindspore/ops/_op_impl/tbe/relu_grad.py +0 -41
  973. mindspore/ops/_op_impl/tbe/relu_grad_ds.py +0 -42
  974. mindspore/ops/_op_impl/tbe/relu_grad_v2.py +0 -40
  975. mindspore/ops/_op_impl/tbe/relu_grad_v2_ds.py +0 -41
  976. mindspore/ops/_op_impl/tbe/relu_v2.py +0 -40
  977. mindspore/ops/_op_impl/tbe/relu_v2_ds.py +0 -41
  978. mindspore/ops/_op_impl/tbe/renorm.py +0 -39
  979. mindspore/ops/_op_impl/tbe/resize_bilinear.py +0 -40
  980. mindspore/ops/_op_impl/tbe/resize_bilinear_grad.py +0 -41
  981. mindspore/ops/_op_impl/tbe/resize_bilinear_v2.py +0 -43
  982. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor.py +0 -40
  983. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_ds.py +0 -40
  984. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad.py +0 -39
  985. mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad_ds.py +0 -42
  986. mindspore/ops/_op_impl/tbe/reverse_v2_d.py +0 -37
  987. mindspore/ops/_op_impl/tbe/rint.py +0 -37
  988. mindspore/ops/_op_impl/tbe/rint_ds.py +0 -38
  989. mindspore/ops/_op_impl/tbe/roi_align.py +0 -43
  990. mindspore/ops/_op_impl/tbe/roi_align_ds.py +0 -44
  991. mindspore/ops/_op_impl/tbe/roi_align_grad.py +0 -43
  992. mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +0 -44
  993. mindspore/ops/_op_impl/tbe/roll.py +0 -42
  994. mindspore/ops/_op_impl/tbe/round.py +0 -38
  995. mindspore/ops/_op_impl/tbe/round_ds.py +0 -39
  996. mindspore/ops/_op_impl/tbe/rsqrt.py +0 -37
  997. mindspore/ops/_op_impl/tbe/rsqrt_ds.py +0 -38
  998. mindspore/ops/_op_impl/tbe/rsqrt_grad.py +0 -40
  999. mindspore/ops/_op_impl/tbe/rsqrt_grad_ds.py +0 -41
  1000. mindspore/ops/_op_impl/tbe/scatter_add.py +0 -44
  1001. mindspore/ops/_op_impl/tbe/scatter_div.py +0 -46
  1002. mindspore/ops/_op_impl/tbe/scatter_max.py +0 -45
  1003. mindspore/ops/_op_impl/tbe/scatter_min.py +0 -45
  1004. mindspore/ops/_op_impl/tbe/scatter_mul.py +0 -44
  1005. mindspore/ops/_op_impl/tbe/scatter_nd.py +0 -41
  1006. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -45
  1007. mindspore/ops/_op_impl/tbe/scatter_nd_d.py +0 -41
  1008. mindspore/ops/_op_impl/tbe/scatter_nd_ds.py +0 -49
  1009. mindspore/ops/_op_impl/tbe/scatter_nd_sub.py +0 -47
  1010. mindspore/ops/_op_impl/tbe/scatter_nd_sub_ds.py +0 -48
  1011. mindspore/ops/_op_impl/tbe/scatter_nd_update.py +0 -47
  1012. mindspore/ops/_op_impl/tbe/scatter_nd_update_ds.py +0 -48
  1013. mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add.py +0 -39
  1014. mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add_ds.py +0 -40
  1015. mindspore/ops/_op_impl/tbe/scatter_sub.py +0 -47
  1016. mindspore/ops/_op_impl/tbe/scatter_sub_ds.py +0 -48
  1017. mindspore/ops/_op_impl/tbe/scatter_update.py +0 -43
  1018. mindspore/ops/_op_impl/tbe/select.py +0 -38
  1019. mindspore/ops/_op_impl/tbe/select_ds.py +0 -39
  1020. mindspore/ops/_op_impl/tbe/selu.py +0 -39
  1021. mindspore/ops/_op_impl/tbe/selu_ds.py +0 -40
  1022. mindspore/ops/_op_impl/tbe/sgd.py +0 -62
  1023. mindspore/ops/_op_impl/tbe/sigmoid.py +0 -37
  1024. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits.py +0 -41
  1025. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_ds.py +0 -42
  1026. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad.py +0 -42
  1027. mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad_ds.py +0 -43
  1028. mindspore/ops/_op_impl/tbe/sigmoid_ds.py +0 -38
  1029. mindspore/ops/_op_impl/tbe/sigmoid_grad.py +0 -39
  1030. mindspore/ops/_op_impl/tbe/sigmoid_grad_ds.py +0 -40
  1031. mindspore/ops/_op_impl/tbe/sign.py +0 -38
  1032. mindspore/ops/_op_impl/tbe/sign_ds.py +0 -39
  1033. mindspore/ops/_op_impl/tbe/sin.py +0 -37
  1034. mindspore/ops/_op_impl/tbe/sin_ds.py +0 -38
  1035. mindspore/ops/_op_impl/tbe/sinh.py +0 -37
  1036. mindspore/ops/_op_impl/tbe/sinh_ds.py +0 -38
  1037. mindspore/ops/_op_impl/tbe/slice.py +0 -58
  1038. mindspore/ops/_op_impl/tbe/smooth_l1_loss.py +0 -45
  1039. mindspore/ops/_op_impl/tbe/smooth_l1_loss_ds.py +0 -46
  1040. mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad.py +0 -46
  1041. mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad_ds.py +0 -47
  1042. mindspore/ops/_op_impl/tbe/soft_margin_loss.py +0 -38
  1043. mindspore/ops/_op_impl/tbe/soft_margin_loss_grad.py +0 -39
  1044. mindspore/ops/_op_impl/tbe/soft_shrink.py +0 -36
  1045. mindspore/ops/_op_impl/tbe/soft_shrink_grad.py +0 -38
  1046. mindspore/ops/_op_impl/tbe/softmax.py +0 -37
  1047. mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits.py +0 -38
  1048. mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits_ds.py +0 -39
  1049. mindspore/ops/_op_impl/tbe/softmax_ds.py +0 -38
  1050. mindspore/ops/_op_impl/tbe/softmax_grad_ext.py +0 -42
  1051. mindspore/ops/_op_impl/tbe/softmax_v2_with_dropout_do_mask_v3.py +0 -39
  1052. mindspore/ops/_op_impl/tbe/softplus.py +0 -37
  1053. mindspore/ops/_op_impl/tbe/softplus_ds.py +0 -38
  1054. mindspore/ops/_op_impl/tbe/softplus_grad.py +0 -38
  1055. mindspore/ops/_op_impl/tbe/softplus_grad_ds.py +0 -38
  1056. mindspore/ops/_op_impl/tbe/softsign.py +0 -37
  1057. mindspore/ops/_op_impl/tbe/softsign_ds.py +0 -38
  1058. mindspore/ops/_op_impl/tbe/sort.py +0 -38
  1059. mindspore/ops/_op_impl/tbe/sort_ds.py +0 -39
  1060. mindspore/ops/_op_impl/tbe/space_to_batch.py +0 -38
  1061. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +0 -38
  1062. mindspore/ops/_op_impl/tbe/space_to_depth.py +0 -47
  1063. mindspore/ops/_op_impl/tbe/sparse_apply_adadelta.py +0 -56
  1064. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad.py +0 -45
  1065. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_ds.py +0 -46
  1066. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2.py +0 -46
  1067. mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2_ds.py +0 -47
  1068. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d.py +0 -53
  1069. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d_ds.py +0 -50
  1070. mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_v2.py +0 -50
  1071. mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad.py +0 -66
  1072. mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad_ds.py +0 -67
  1073. mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop.py +0 -57
  1074. mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop_ds.py +0 -58
  1075. mindspore/ops/_op_impl/tbe/sparse_gather_v2.py +0 -56
  1076. mindspore/ops/_op_impl/tbe/sparse_gather_v2_ds.py +0 -58
  1077. mindspore/ops/_op_impl/tbe/split_d.py +0 -38
  1078. mindspore/ops/_op_impl/tbe/split_d_ds.py +0 -39
  1079. mindspore/ops/_op_impl/tbe/split_v.py +0 -39
  1080. mindspore/ops/_op_impl/tbe/splitv.py +0 -39
  1081. mindspore/ops/_op_impl/tbe/sqrt.py +0 -37
  1082. mindspore/ops/_op_impl/tbe/sqrt_ds.py +0 -38
  1083. mindspore/ops/_op_impl/tbe/sqrt_grad.py +0 -43
  1084. mindspore/ops/_op_impl/tbe/sqrt_grad_ds.py +0 -44
  1085. mindspore/ops/_op_impl/tbe/square.py +0 -38
  1086. mindspore/ops/_op_impl/tbe/square_ds.py +0 -39
  1087. mindspore/ops/_op_impl/tbe/square_sum_all.py +0 -40
  1088. mindspore/ops/_op_impl/tbe/square_sum_all_ds.py +0 -41
  1089. mindspore/ops/_op_impl/tbe/square_sum_v1.py +0 -38
  1090. mindspore/ops/_op_impl/tbe/square_sum_v1_ds.py +0 -39
  1091. mindspore/ops/_op_impl/tbe/square_sum_v2.py +0 -39
  1092. mindspore/ops/_op_impl/tbe/squared_difference.py +0 -39
  1093. mindspore/ops/_op_impl/tbe/squared_difference_ds.py +0 -41
  1094. mindspore/ops/_op_impl/tbe/squeeze.py +0 -37
  1095. mindspore/ops/_op_impl/tbe/strided_read.py +0 -38
  1096. mindspore/ops/_op_impl/tbe/strided_slice_d.py +0 -44
  1097. mindspore/ops/_op_impl/tbe/strided_slice_ds.py +0 -71
  1098. mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +0 -51
  1099. mindspore/ops/_op_impl/tbe/strided_slice_grad_ds.py +0 -57
  1100. mindspore/ops/_op_impl/tbe/strided_write.py +0 -38
  1101. mindspore/ops/_op_impl/tbe/sub.py +0 -39
  1102. mindspore/ops/_op_impl/tbe/sub_ds.py +0 -40
  1103. mindspore/ops/_op_impl/tbe/tan.py +0 -38
  1104. mindspore/ops/_op_impl/tbe/tan_ds.py +0 -39
  1105. mindspore/ops/_op_impl/tbe/tanh.py +0 -37
  1106. mindspore/ops/_op_impl/tbe/tanh_ds.py +0 -38
  1107. mindspore/ops/_op_impl/tbe/tanh_grad.py +0 -39
  1108. mindspore/ops/_op_impl/tbe/tanh_grad_ds.py +0 -40
  1109. mindspore/ops/_op_impl/tbe/tensor_move.py +0 -49
  1110. mindspore/ops/_op_impl/tbe/tensor_move_ds.py +0 -50
  1111. mindspore/ops/_op_impl/tbe/tensor_scatter_update.py +0 -41
  1112. mindspore/ops/_op_impl/tbe/tile.py +0 -37
  1113. mindspore/ops/_op_impl/tbe/tile_ds.py +0 -42
  1114. mindspore/ops/_op_impl/tbe/top_k.py +0 -42
  1115. mindspore/ops/_op_impl/tbe/top_k_ds.py +0 -43
  1116. mindspore/ops/_op_impl/tbe/trans_data.py +0 -167
  1117. mindspore/ops/_op_impl/tbe/trans_data_ds.py +0 -180
  1118. mindspore/ops/_op_impl/tbe/trans_data_rnn.py +0 -44
  1119. mindspore/ops/_op_impl/tbe/transpose.py +0 -60
  1120. mindspore/ops/_op_impl/tbe/transpose_d.py +0 -47
  1121. mindspore/ops/_op_impl/tbe/transpose_nod.py +0 -60
  1122. mindspore/ops/_op_impl/tbe/trunc.py +0 -39
  1123. mindspore/ops/_op_impl/tbe/truncate_div.py +0 -41
  1124. mindspore/ops/_op_impl/tbe/truncate_div_ds.py +0 -42
  1125. mindspore/ops/_op_impl/tbe/truncate_mod.py +0 -41
  1126. mindspore/ops/_op_impl/tbe/truncate_mod_ds.py +0 -42
  1127. mindspore/ops/_op_impl/tbe/unpack.py +0 -38
  1128. mindspore/ops/_op_impl/tbe/unpack_ds.py +0 -39
  1129. mindspore/ops/_op_impl/tbe/unsorted_segment_max.py +0 -49
  1130. mindspore/ops/_op_impl/tbe/unsorted_segment_max_ds.py +0 -40
  1131. mindspore/ops/_op_impl/tbe/unsorted_segment_min.py +0 -49
  1132. mindspore/ops/_op_impl/tbe/unsorted_segment_min_ds.py +0 -40
  1133. mindspore/ops/_op_impl/tbe/unsorted_segment_prod.py +0 -49
  1134. mindspore/ops/_op_impl/tbe/unsorted_segment_prod_ds.py +0 -38
  1135. mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +0 -38
  1136. mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +0 -41
  1137. mindspore/ops/_op_impl/tbe/wts_arq.py +0 -40
  1138. mindspore/ops/_op_impl/tbe/xdivy.py +0 -38
  1139. mindspore/ops/_op_impl/tbe/xdivy_ds.py +0 -39
  1140. mindspore/ops/_op_impl/tbe/xlogy.py +0 -38
  1141. mindspore/ops/_op_impl/tbe/xlogy_ds.py +0 -39
  1142. mindspore/ops/_op_impl/tbe/zeros_like.py +0 -41
  1143. mindspore/ops/_op_impl/tbe/zeros_like_ds.py +0 -42
  1144. mindspore/ops/_tracefunc.py +0 -241
  1145. mindspore/ops/arg_dtype_cast.py +0 -54
  1146. mindspore/rewrite/api/tree_node_helper.py +0 -60
  1147. mindspore/rewrite/ast_creator_register.py +0 -37
  1148. mindspore/rewrite/ast_helpers/ast_creator.py +0 -115
  1149. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +0 -267
  1150. mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +0 -228
  1151. mindspore/rewrite/namespace.py +0 -53
  1152. {mindspore-2.2.14.dist-info → mindspore-2.3.0rc1.dist-info}/WHEEL +0 -0
  1153. {mindspore-2.2.14.dist-info → mindspore-2.3.0rc1.dist-info}/top_level.txt +0 -0
@@ -1,37 +1,2048 @@
1
1
  {
2
- "KVCacheMgr":{
3
- "input0":{
4
- "dtype":"float32, int32, uint32, float16, int16, uint16, int8, uint8",
5
- "format":"ND,ND,ND,ND,ND,ND,ND,ND",
6
- "name":"past",
7
- "paramType":"required"
8
- },
9
- "input1":{
10
- "dtype":"float32, int32, uint32, float16, int16, uint16, int8, uint8",
11
- "format":"ND,ND,ND,ND,ND,ND,ND,ND",
12
- "name":"cur",
13
- "paramType":"required"
14
- },
15
- "input2":{
16
- "dtype":"int32,int32,int32,int32,int32,int32,int32,int32",
17
- "format":"ND,ND,ND,ND,ND,ND,ND,ND",
18
- "name":"index",
19
- "paramType":"required"
20
- },
21
- "needCheckSupport":{
22
- "flag":"true"
23
- },
24
- "opFile":{
25
- "value":"kv_cache_mgr"
26
- },
27
- "opInterface":{
28
- "value":"kv_cache_mgr"
29
- },
30
- "output0":{
31
- "dtype":"float32, int32, uint32, float16, int16, uint16, int8, uint8",
32
- "format":"ND,ND,ND,ND,ND,ND,ND,ND",
33
- "name":"past",
34
- "paramType":"required"
2
+ "Fused_x1_y1": {
3
+ "attr": {
4
+ "list": "info_path"
5
+ },
6
+ "attr_info_path": {
7
+ "paramType": "required",
8
+ "type": "str",
9
+ "value": "all"
10
+ },
11
+ "opFile": {
12
+ "value": "custom"
13
+ },
14
+ "opInterface": {
15
+ "value": "custom_train"
16
+ },
17
+ "dynamicFormat": {
18
+ "flag": "true"
19
+ },
20
+ "input0": {
21
+ "name": "x0",
22
+ "paramType": "required",
23
+ "shape": "all"
24
+ },
25
+ "output0": {
26
+ "name": "y0",
27
+ "paramType": "required",
28
+ "shape": "all"
29
+ }
30
+ },
31
+ "Fused_x1_y2": {
32
+ "attr": {
33
+ "list": "info_path"
34
+ },
35
+ "attr_info_path": {
36
+ "paramType": "required",
37
+ "type": "str",
38
+ "value": "all"
39
+ },
40
+ "opFile": {
41
+ "value": "custom"
42
+ },
43
+ "opInterface": {
44
+ "value": "custom_train"
45
+ },
46
+ "dynamicFormat": {
47
+ "flag": "true"
48
+ },
49
+ "input0": {
50
+ "name": "x0",
51
+ "paramType": "required",
52
+ "shape": "all"
53
+ },
54
+ "output0": {
55
+ "name": "y0",
56
+ "paramType": "required",
57
+ "shape": "all"
58
+ },
59
+ "output1": {
60
+ "name": "y1",
61
+ "paramType": "required",
62
+ "shape": "all"
63
+ }
64
+ },
65
+ "Fused_x1_y3": {
66
+ "attr": {
67
+ "list": "info_path"
68
+ },
69
+ "attr_info_path": {
70
+ "paramType": "required",
71
+ "type": "str",
72
+ "value": "all"
73
+ },
74
+ "opFile": {
75
+ "value": "custom"
76
+ },
77
+ "opInterface": {
78
+ "value": "custom_train"
79
+ },
80
+ "dynamicFormat": {
81
+ "flag": "true"
82
+ },
83
+ "input0": {
84
+ "name": "x0",
85
+ "paramType": "required",
86
+ "shape": "all"
87
+ },
88
+ "output0": {
89
+ "name": "y0",
90
+ "paramType": "required",
91
+ "shape": "all"
92
+ },
93
+ "output1": {
94
+ "name": "y1",
95
+ "paramType": "required",
96
+ "shape": "all"
97
+ },
98
+ "output2": {
99
+ "name": "y2",
100
+ "paramType": "required",
101
+ "shape": "all"
102
+ }
103
+ },
104
+ "Fused_x1_y4": {
105
+ "attr": {
106
+ "list": "info_path"
107
+ },
108
+ "attr_info_path": {
109
+ "paramType": "required",
110
+ "type": "str",
111
+ "value": "all"
112
+ },
113
+ "opFile": {
114
+ "value": "custom"
115
+ },
116
+ "opInterface": {
117
+ "value": "custom_train"
118
+ },
119
+ "dynamicFormat": {
120
+ "flag": "true"
121
+ },
122
+ "input0": {
123
+ "name": "x0",
124
+ "paramType": "required",
125
+ "shape": "all"
126
+ },
127
+ "output0": {
128
+ "name": "y0",
129
+ "paramType": "required",
130
+ "shape": "all"
131
+ },
132
+ "output1": {
133
+ "name": "y1",
134
+ "paramType": "required",
135
+ "shape": "all"
136
+ },
137
+ "output2": {
138
+ "name": "y2",
139
+ "paramType": "required",
140
+ "shape": "all"
141
+ },
142
+ "output3": {
143
+ "name": "y3",
144
+ "paramType": "required",
145
+ "shape": "all"
146
+ }
147
+ },
148
+ "Fused_x1_y5": {
149
+ "attr": {
150
+ "list": "info_path"
151
+ },
152
+ "attr_info_path": {
153
+ "paramType": "required",
154
+ "type": "str",
155
+ "value": "all"
156
+ },
157
+ "opFile": {
158
+ "value": "custom"
159
+ },
160
+ "opInterface": {
161
+ "value": "custom_train"
162
+ },
163
+ "dynamicFormat": {
164
+ "flag": "true"
165
+ },
166
+ "input0": {
167
+ "name": "x0",
168
+ "paramType": "required",
169
+ "shape": "all"
170
+ },
171
+ "output0": {
172
+ "name": "y0",
173
+ "paramType": "required",
174
+ "shape": "all"
175
+ },
176
+ "output1": {
177
+ "name": "y1",
178
+ "paramType": "required",
179
+ "shape": "all"
180
+ },
181
+ "output2": {
182
+ "name": "y2",
183
+ "paramType": "required",
184
+ "shape": "all"
185
+ },
186
+ "output3": {
187
+ "name": "y3",
188
+ "paramType": "required",
189
+ "shape": "all"
190
+ },
191
+ "output4": {
192
+ "name": "y4",
193
+ "paramType": "required",
194
+ "shape": "all"
195
+ }
196
+ },
197
+ "Fused_x2_y1": {
198
+ "attr": {
199
+ "list": "info_path"
200
+ },
201
+ "attr_info_path": {
202
+ "paramType": "required",
203
+ "type": "str",
204
+ "value": "all"
205
+ },
206
+ "opFile": {
207
+ "value": "custom"
208
+ },
209
+ "opInterface": {
210
+ "value": "custom_train"
211
+ },
212
+ "dynamicFormat": {
213
+ "flag": "true"
214
+ },
215
+ "input0": {
216
+ "name": "x0",
217
+ "paramType": "required",
218
+ "shape": "all"
219
+ },
220
+ "input1": {
221
+ "name": "x1",
222
+ "paramType": "required",
223
+ "shape": "all"
224
+ },
225
+ "output0": {
226
+ "name": "y0",
227
+ "paramType": "required",
228
+ "shape": "all"
229
+ }
230
+ },
231
+ "Fused_x2_y2": {
232
+ "attr": {
233
+ "list": "info_path"
234
+ },
235
+ "attr_info_path": {
236
+ "paramType": "required",
237
+ "type": "str",
238
+ "value": "all"
239
+ },
240
+ "opFile": {
241
+ "value": "custom"
242
+ },
243
+ "opInterface": {
244
+ "value": "custom_train"
245
+ },
246
+ "dynamicFormat": {
247
+ "flag": "true"
248
+ },
249
+ "input0": {
250
+ "name": "x0",
251
+ "paramType": "required",
252
+ "shape": "all"
253
+ },
254
+ "input1": {
255
+ "name": "x1",
256
+ "paramType": "required",
257
+ "shape": "all"
258
+ },
259
+ "output0": {
260
+ "name": "y0",
261
+ "paramType": "required",
262
+ "shape": "all"
263
+ },
264
+ "output1": {
265
+ "name": "y1",
266
+ "paramType": "required",
267
+ "shape": "all"
268
+ }
269
+ },
270
+ "Fused_x2_y3": {
271
+ "attr": {
272
+ "list": "info_path"
273
+ },
274
+ "attr_info_path": {
275
+ "paramType": "required",
276
+ "type": "str",
277
+ "value": "all"
278
+ },
279
+ "opFile": {
280
+ "value": "custom"
281
+ },
282
+ "opInterface": {
283
+ "value": "custom_train"
284
+ },
285
+ "dynamicFormat": {
286
+ "flag": "true"
287
+ },
288
+ "input0": {
289
+ "name": "x0",
290
+ "paramType": "required",
291
+ "shape": "all"
292
+ },
293
+ "input1": {
294
+ "name": "x1",
295
+ "paramType": "required",
296
+ "shape": "all"
297
+ },
298
+ "output0": {
299
+ "name": "y0",
300
+ "paramType": "required",
301
+ "shape": "all"
302
+ },
303
+ "output1": {
304
+ "name": "y1",
305
+ "paramType": "required",
306
+ "shape": "all"
307
+ },
308
+ "output2": {
309
+ "name": "y2",
310
+ "paramType": "required",
311
+ "shape": "all"
312
+ }
313
+ },
314
+ "Fused_x2_y4": {
315
+ "attr": {
316
+ "list": "info_path"
317
+ },
318
+ "attr_info_path": {
319
+ "paramType": "required",
320
+ "type": "str",
321
+ "value": "all"
322
+ },
323
+ "opFile": {
324
+ "value": "custom"
325
+ },
326
+ "opInterface": {
327
+ "value": "custom_train"
328
+ },
329
+ "dynamicFormat": {
330
+ "flag": "true"
331
+ },
332
+ "input0": {
333
+ "name": "x0",
334
+ "paramType": "required",
335
+ "shape": "all"
336
+ },
337
+ "input1": {
338
+ "name": "x1",
339
+ "paramType": "required",
340
+ "shape": "all"
341
+ },
342
+ "output0": {
343
+ "name": "y0",
344
+ "paramType": "required",
345
+ "shape": "all"
346
+ },
347
+ "output1": {
348
+ "name": "y1",
349
+ "paramType": "required",
350
+ "shape": "all"
351
+ },
352
+ "output2": {
353
+ "name": "y2",
354
+ "paramType": "required",
355
+ "shape": "all"
356
+ },
357
+ "output3": {
358
+ "name": "y3",
359
+ "paramType": "required",
360
+ "shape": "all"
361
+ }
362
+ },
363
+ "Fused_x2_y5": {
364
+ "attr": {
365
+ "list": "info_path"
366
+ },
367
+ "attr_info_path": {
368
+ "paramType": "required",
369
+ "type": "str",
370
+ "value": "all"
371
+ },
372
+ "opFile": {
373
+ "value": "custom"
374
+ },
375
+ "opInterface": {
376
+ "value": "custom_train"
377
+ },
378
+ "dynamicFormat": {
379
+ "flag": "true"
380
+ },
381
+ "input0": {
382
+ "name": "x0",
383
+ "paramType": "required",
384
+ "shape": "all"
385
+ },
386
+ "input1": {
387
+ "name": "x1",
388
+ "paramType": "required",
389
+ "shape": "all"
390
+ },
391
+ "output0": {
392
+ "name": "y0",
393
+ "paramType": "required",
394
+ "shape": "all"
395
+ },
396
+ "output1": {
397
+ "name": "y1",
398
+ "paramType": "required",
399
+ "shape": "all"
400
+ },
401
+ "output2": {
402
+ "name": "y2",
403
+ "paramType": "required",
404
+ "shape": "all"
405
+ },
406
+ "output3": {
407
+ "name": "y3",
408
+ "paramType": "required",
409
+ "shape": "all"
410
+ },
411
+ "output4": {
412
+ "name": "y4",
413
+ "paramType": "required",
414
+ "shape": "all"
415
+ }
416
+ },
417
+ "Fused_x3_y1": {
418
+ "attr": {
419
+ "list": "info_path"
420
+ },
421
+ "attr_info_path": {
422
+ "paramType": "required",
423
+ "type": "str",
424
+ "value": "all"
425
+ },
426
+ "opFile": {
427
+ "value": "custom"
428
+ },
429
+ "opInterface": {
430
+ "value": "custom_train"
431
+ },
432
+ "dynamicFormat": {
433
+ "flag": "true"
434
+ },
435
+ "input0": {
436
+ "name": "x0",
437
+ "paramType": "required",
438
+ "shape": "all"
439
+ },
440
+ "input1": {
441
+ "name": "x1",
442
+ "paramType": "required",
443
+ "shape": "all"
444
+ },
445
+ "input2": {
446
+ "name": "x2",
447
+ "paramType": "required",
448
+ "shape": "all"
449
+ },
450
+ "output0": {
451
+ "name": "y0",
452
+ "paramType": "required",
453
+ "shape": "all"
454
+ }
455
+ },
456
+ "Fused_x3_y2": {
457
+ "attr": {
458
+ "list": "info_path"
459
+ },
460
+ "attr_info_path": {
461
+ "paramType": "required",
462
+ "type": "str",
463
+ "value": "all"
464
+ },
465
+ "opFile": {
466
+ "value": "custom"
467
+ },
468
+ "opInterface": {
469
+ "value": "custom_train"
470
+ },
471
+ "dynamicFormat": {
472
+ "flag": "true"
473
+ },
474
+ "input0": {
475
+ "name": "x0",
476
+ "paramType": "required",
477
+ "shape": "all"
478
+ },
479
+ "input1": {
480
+ "name": "x1",
481
+ "paramType": "required",
482
+ "shape": "all"
483
+ },
484
+ "input2": {
485
+ "name": "x2",
486
+ "paramType": "required",
487
+ "shape": "all"
488
+ },
489
+ "output0": {
490
+ "name": "y0",
491
+ "paramType": "required",
492
+ "shape": "all"
493
+ },
494
+ "output1": {
495
+ "name": "y1",
496
+ "paramType": "required",
497
+ "shape": "all"
498
+ }
499
+ },
500
+ "Fused_x3_y3": {
501
+ "attr": {
502
+ "list": "info_path"
503
+ },
504
+ "attr_info_path": {
505
+ "paramType": "required",
506
+ "type": "str",
507
+ "value": "all"
508
+ },
509
+ "opFile": {
510
+ "value": "custom"
511
+ },
512
+ "opInterface": {
513
+ "value": "custom_train"
514
+ },
515
+ "dynamicFormat": {
516
+ "flag": "true"
517
+ },
518
+ "input0": {
519
+ "name": "x0",
520
+ "paramType": "required",
521
+ "shape": "all"
522
+ },
523
+ "input1": {
524
+ "name": "x1",
525
+ "paramType": "required",
526
+ "shape": "all"
527
+ },
528
+ "input2": {
529
+ "name": "x2",
530
+ "paramType": "required",
531
+ "shape": "all"
532
+ },
533
+ "output0": {
534
+ "name": "y0",
535
+ "paramType": "required",
536
+ "shape": "all"
537
+ },
538
+ "output1": {
539
+ "name": "y1",
540
+ "paramType": "required",
541
+ "shape": "all"
542
+ },
543
+ "output2": {
544
+ "name": "y2",
545
+ "paramType": "required",
546
+ "shape": "all"
547
+ }
548
+ },
549
+ "Fused_x3_y4": {
550
+ "attr": {
551
+ "list": "info_path"
552
+ },
553
+ "attr_info_path": {
554
+ "paramType": "required",
555
+ "type": "str",
556
+ "value": "all"
557
+ },
558
+ "opFile": {
559
+ "value": "custom"
560
+ },
561
+ "opInterface": {
562
+ "value": "custom_train"
563
+ },
564
+ "dynamicFormat": {
565
+ "flag": "true"
566
+ },
567
+ "input0": {
568
+ "name": "x0",
569
+ "paramType": "required",
570
+ "shape": "all"
571
+ },
572
+ "input1": {
573
+ "name": "x1",
574
+ "paramType": "required",
575
+ "shape": "all"
576
+ },
577
+ "input2": {
578
+ "name": "x2",
579
+ "paramType": "required",
580
+ "shape": "all"
581
+ },
582
+ "output0": {
583
+ "name": "y0",
584
+ "paramType": "required",
585
+ "shape": "all"
586
+ },
587
+ "output1": {
588
+ "name": "y1",
589
+ "paramType": "required",
590
+ "shape": "all"
591
+ },
592
+ "output2": {
593
+ "name": "y2",
594
+ "paramType": "required",
595
+ "shape": "all"
596
+ },
597
+ "output3": {
598
+ "name": "y3",
599
+ "paramType": "required",
600
+ "shape": "all"
601
+ }
602
+ },
603
+ "Fused_x3_y5": {
604
+ "attr": {
605
+ "list": "info_path"
606
+ },
607
+ "attr_info_path": {
608
+ "paramType": "required",
609
+ "type": "str",
610
+ "value": "all"
611
+ },
612
+ "opFile": {
613
+ "value": "custom"
614
+ },
615
+ "opInterface": {
616
+ "value": "custom_train"
617
+ },
618
+ "dynamicFormat": {
619
+ "flag": "true"
620
+ },
621
+ "input0": {
622
+ "name": "x0",
623
+ "paramType": "required",
624
+ "shape": "all"
625
+ },
626
+ "input1": {
627
+ "name": "x1",
628
+ "paramType": "required",
629
+ "shape": "all"
630
+ },
631
+ "input2": {
632
+ "name": "x2",
633
+ "paramType": "required",
634
+ "shape": "all"
635
+ },
636
+ "output0": {
637
+ "name": "y0",
638
+ "paramType": "required",
639
+ "shape": "all"
640
+ },
641
+ "output1": {
642
+ "name": "y1",
643
+ "paramType": "required",
644
+ "shape": "all"
645
+ },
646
+ "output2": {
647
+ "name": "y2",
648
+ "paramType": "required",
649
+ "shape": "all"
650
+ },
651
+ "output3": {
652
+ "name": "y3",
653
+ "paramType": "required",
654
+ "shape": "all"
655
+ },
656
+ "output4": {
657
+ "name": "y4",
658
+ "paramType": "required",
659
+ "shape": "all"
660
+ }
661
+ },
662
+ "Fused_x4_y1": {
663
+ "attr": {
664
+ "list": "info_path"
665
+ },
666
+ "attr_info_path": {
667
+ "paramType": "required",
668
+ "type": "str",
669
+ "value": "all"
670
+ },
671
+ "opFile": {
672
+ "value": "custom"
673
+ },
674
+ "opInterface": {
675
+ "value": "custom_train"
676
+ },
677
+ "dynamicFormat": {
678
+ "flag": "true"
679
+ },
680
+ "input0": {
681
+ "name": "x0",
682
+ "paramType": "required",
683
+ "shape": "all"
684
+ },
685
+ "input1": {
686
+ "name": "x1",
687
+ "paramType": "required",
688
+ "shape": "all"
689
+ },
690
+ "input2": {
691
+ "name": "x2",
692
+ "paramType": "required",
693
+ "shape": "all"
694
+ },
695
+ "input3": {
696
+ "name": "x3",
697
+ "paramType": "required",
698
+ "shape": "all"
699
+ },
700
+ "output0": {
701
+ "name": "y0",
702
+ "paramType": "required",
703
+ "shape": "all"
704
+ }
705
+ },
706
+ "Fused_x4_y2": {
707
+ "attr": {
708
+ "list": "info_path"
709
+ },
710
+ "attr_info_path": {
711
+ "paramType": "required",
712
+ "type": "str",
713
+ "value": "all"
714
+ },
715
+ "opFile": {
716
+ "value": "custom"
717
+ },
718
+ "opInterface": {
719
+ "value": "custom_train"
720
+ },
721
+ "dynamicFormat": {
722
+ "flag": "true"
723
+ },
724
+ "input0": {
725
+ "name": "x0",
726
+ "paramType": "required",
727
+ "shape": "all"
728
+ },
729
+ "input1": {
730
+ "name": "x1",
731
+ "paramType": "required",
732
+ "shape": "all"
733
+ },
734
+ "input2": {
735
+ "name": "x2",
736
+ "paramType": "required",
737
+ "shape": "all"
738
+ },
739
+ "input3": {
740
+ "name": "x3",
741
+ "paramType": "required",
742
+ "shape": "all"
743
+ },
744
+ "output0": {
745
+ "name": "y0",
746
+ "paramType": "required",
747
+ "shape": "all"
748
+ },
749
+ "output1": {
750
+ "name": "y1",
751
+ "paramType": "required",
752
+ "shape": "all"
753
+ }
754
+ },
755
+ "Fused_x4_y3": {
756
+ "attr": {
757
+ "list": "info_path"
758
+ },
759
+ "attr_info_path": {
760
+ "paramType": "required",
761
+ "type": "str",
762
+ "value": "all"
763
+ },
764
+ "opFile": {
765
+ "value": "custom"
766
+ },
767
+ "opInterface": {
768
+ "value": "custom_train"
769
+ },
770
+ "dynamicFormat": {
771
+ "flag": "true"
772
+ },
773
+ "input0": {
774
+ "name": "x0",
775
+ "paramType": "required",
776
+ "shape": "all"
777
+ },
778
+ "input1": {
779
+ "name": "x1",
780
+ "paramType": "required",
781
+ "shape": "all"
782
+ },
783
+ "input2": {
784
+ "name": "x2",
785
+ "paramType": "required",
786
+ "shape": "all"
787
+ },
788
+ "input3": {
789
+ "name": "x3",
790
+ "paramType": "required",
791
+ "shape": "all"
792
+ },
793
+ "output0": {
794
+ "name": "y0",
795
+ "paramType": "required",
796
+ "shape": "all"
797
+ },
798
+ "output1": {
799
+ "name": "y1",
800
+ "paramType": "required",
801
+ "shape": "all"
802
+ },
803
+ "output2": {
804
+ "name": "y2",
805
+ "paramType": "required",
806
+ "shape": "all"
807
+ }
808
+ },
809
+ "Fused_x4_y4": {
810
+ "attr": {
811
+ "list": "info_path"
812
+ },
813
+ "attr_info_path": {
814
+ "paramType": "required",
815
+ "type": "str",
816
+ "value": "all"
817
+ },
818
+ "opFile": {
819
+ "value": "custom"
820
+ },
821
+ "opInterface": {
822
+ "value": "custom_train"
823
+ },
824
+ "dynamicFormat": {
825
+ "flag": "true"
826
+ },
827
+ "input0": {
828
+ "name": "x0",
829
+ "paramType": "required",
830
+ "shape": "all"
831
+ },
832
+ "input1": {
833
+ "name": "x1",
834
+ "paramType": "required",
835
+ "shape": "all"
836
+ },
837
+ "input2": {
838
+ "name": "x2",
839
+ "paramType": "required",
840
+ "shape": "all"
841
+ },
842
+ "input3": {
843
+ "name": "x3",
844
+ "paramType": "required",
845
+ "shape": "all"
846
+ },
847
+ "output0": {
848
+ "name": "y0",
849
+ "paramType": "required",
850
+ "shape": "all"
851
+ },
852
+ "output1": {
853
+ "name": "y1",
854
+ "paramType": "required",
855
+ "shape": "all"
856
+ },
857
+ "output2": {
858
+ "name": "y2",
859
+ "paramType": "required",
860
+ "shape": "all"
861
+ },
862
+ "output3": {
863
+ "name": "y3",
864
+ "paramType": "required",
865
+ "shape": "all"
866
+ }
867
+ },
868
+ "Fused_x4_y5": {
869
+ "attr": {
870
+ "list": "info_path"
871
+ },
872
+ "attr_info_path": {
873
+ "paramType": "required",
874
+ "type": "str",
875
+ "value": "all"
876
+ },
877
+ "opFile": {
878
+ "value": "custom"
879
+ },
880
+ "opInterface": {
881
+ "value": "custom_train"
882
+ },
883
+ "dynamicFormat": {
884
+ "flag": "true"
885
+ },
886
+ "input0": {
887
+ "name": "x0",
888
+ "paramType": "required",
889
+ "shape": "all"
890
+ },
891
+ "input1": {
892
+ "name": "x1",
893
+ "paramType": "required",
894
+ "shape": "all"
895
+ },
896
+ "input2": {
897
+ "name": "x2",
898
+ "paramType": "required",
899
+ "shape": "all"
900
+ },
901
+ "input3": {
902
+ "name": "x3",
903
+ "paramType": "required",
904
+ "shape": "all"
905
+ },
906
+ "output0": {
907
+ "name": "y0",
908
+ "paramType": "required",
909
+ "shape": "all"
910
+ },
911
+ "output1": {
912
+ "name": "y1",
913
+ "paramType": "required",
914
+ "shape": "all"
915
+ },
916
+ "output2": {
917
+ "name": "y2",
918
+ "paramType": "required",
919
+ "shape": "all"
920
+ },
921
+ "output3": {
922
+ "name": "y3",
923
+ "paramType": "required",
924
+ "shape": "all"
925
+ },
926
+ "output4": {
927
+ "name": "y4",
928
+ "paramType": "required",
929
+ "shape": "all"
930
+ }
931
+ },
932
+ "Fused_x5_y1": {
933
+ "attr": {
934
+ "list": "info_path"
935
+ },
936
+ "attr_info_path": {
937
+ "paramType": "required",
938
+ "type": "str",
939
+ "value": "all"
940
+ },
941
+ "opFile": {
942
+ "value": "custom"
943
+ },
944
+ "opInterface": {
945
+ "value": "custom_train"
946
+ },
947
+ "dynamicFormat": {
948
+ "flag": "true"
949
+ },
950
+ "input0": {
951
+ "name": "x0",
952
+ "paramType": "required",
953
+ "shape": "all"
954
+ },
955
+ "input1": {
956
+ "name": "x1",
957
+ "paramType": "required",
958
+ "shape": "all"
959
+ },
960
+ "input2": {
961
+ "name": "x2",
962
+ "paramType": "required",
963
+ "shape": "all"
964
+ },
965
+ "input3": {
966
+ "name": "x3",
967
+ "paramType": "required",
968
+ "shape": "all"
969
+ },
970
+ "input4": {
971
+ "name": "x4",
972
+ "paramType": "required",
973
+ "shape": "all"
974
+ },
975
+ "output0": {
976
+ "name": "y0",
977
+ "paramType": "required",
978
+ "shape": "all"
979
+ }
980
+ },
981
+ "Fused_x5_y2": {
982
+ "attr": {
983
+ "list": "info_path"
984
+ },
985
+ "attr_info_path": {
986
+ "paramType": "required",
987
+ "type": "str",
988
+ "value": "all"
989
+ },
990
+ "opFile": {
991
+ "value": "custom"
992
+ },
993
+ "opInterface": {
994
+ "value": "custom_train"
995
+ },
996
+ "dynamicFormat": {
997
+ "flag": "true"
998
+ },
999
+ "input0": {
1000
+ "name": "x0",
1001
+ "paramType": "required",
1002
+ "shape": "all"
1003
+ },
1004
+ "input1": {
1005
+ "name": "x1",
1006
+ "paramType": "required",
1007
+ "shape": "all"
1008
+ },
1009
+ "input2": {
1010
+ "name": "x2",
1011
+ "paramType": "required",
1012
+ "shape": "all"
1013
+ },
1014
+ "input3": {
1015
+ "name": "x3",
1016
+ "paramType": "required",
1017
+ "shape": "all"
1018
+ },
1019
+ "input4": {
1020
+ "name": "x4",
1021
+ "paramType": "required",
1022
+ "shape": "all"
1023
+ },
1024
+ "output0": {
1025
+ "name": "y0",
1026
+ "paramType": "required",
1027
+ "shape": "all"
1028
+ },
1029
+ "output1": {
1030
+ "name": "y1",
1031
+ "paramType": "required",
1032
+ "shape": "all"
1033
+ }
1034
+ },
1035
+ "Fused_x5_y3": {
1036
+ "attr": {
1037
+ "list": "info_path"
1038
+ },
1039
+ "attr_info_path": {
1040
+ "paramType": "required",
1041
+ "type": "str",
1042
+ "value": "all"
1043
+ },
1044
+ "opFile": {
1045
+ "value": "custom"
1046
+ },
1047
+ "opInterface": {
1048
+ "value": "custom_train"
1049
+ },
1050
+ "dynamicFormat": {
1051
+ "flag": "true"
1052
+ },
1053
+ "input0": {
1054
+ "name": "x0",
1055
+ "paramType": "required",
1056
+ "shape": "all"
1057
+ },
1058
+ "input1": {
1059
+ "name": "x1",
1060
+ "paramType": "required",
1061
+ "shape": "all"
1062
+ },
1063
+ "input2": {
1064
+ "name": "x2",
1065
+ "paramType": "required",
1066
+ "shape": "all"
1067
+ },
1068
+ "input3": {
1069
+ "name": "x3",
1070
+ "paramType": "required",
1071
+ "shape": "all"
1072
+ },
1073
+ "input4": {
1074
+ "name": "x4",
1075
+ "paramType": "required",
1076
+ "shape": "all"
1077
+ },
1078
+ "output0": {
1079
+ "name": "y0",
1080
+ "paramType": "required",
1081
+ "shape": "all"
1082
+ },
1083
+ "output1": {
1084
+ "name": "y1",
1085
+ "paramType": "required",
1086
+ "shape": "all"
1087
+ },
1088
+ "output2": {
1089
+ "name": "y2",
1090
+ "paramType": "required",
1091
+ "shape": "all"
1092
+ }
1093
+ },
1094
+ "Fused_x5_y4": {
1095
+ "attr": {
1096
+ "list": "info_path"
1097
+ },
1098
+ "attr_info_path": {
1099
+ "paramType": "required",
1100
+ "type": "str",
1101
+ "value": "all"
1102
+ },
1103
+ "opFile": {
1104
+ "value": "custom"
1105
+ },
1106
+ "opInterface": {
1107
+ "value": "custom_train"
1108
+ },
1109
+ "dynamicFormat": {
1110
+ "flag": "true"
1111
+ },
1112
+ "input0": {
1113
+ "name": "x0",
1114
+ "paramType": "required",
1115
+ "shape": "all"
1116
+ },
1117
+ "input1": {
1118
+ "name": "x1",
1119
+ "paramType": "required",
1120
+ "shape": "all"
1121
+ },
1122
+ "input2": {
1123
+ "name": "x2",
1124
+ "paramType": "required",
1125
+ "shape": "all"
1126
+ },
1127
+ "input3": {
1128
+ "name": "x3",
1129
+ "paramType": "required",
1130
+ "shape": "all"
1131
+ },
1132
+ "input4": {
1133
+ "name": "x4",
1134
+ "paramType": "required",
1135
+ "shape": "all"
1136
+ },
1137
+ "output0": {
1138
+ "name": "y0",
1139
+ "paramType": "required",
1140
+ "shape": "all"
1141
+ },
1142
+ "output1": {
1143
+ "name": "y1",
1144
+ "paramType": "required",
1145
+ "shape": "all"
1146
+ },
1147
+ "output2": {
1148
+ "name": "y2",
1149
+ "paramType": "required",
1150
+ "shape": "all"
1151
+ },
1152
+ "output3": {
1153
+ "name": "y3",
1154
+ "paramType": "required",
1155
+ "shape": "all"
1156
+ }
1157
+ },
1158
+ "Fused_x5_y5": {
1159
+ "attr": {
1160
+ "list": "info_path"
1161
+ },
1162
+ "attr_info_path": {
1163
+ "paramType": "required",
1164
+ "type": "str",
1165
+ "value": "all"
1166
+ },
1167
+ "opFile": {
1168
+ "value": "custom"
1169
+ },
1170
+ "opInterface": {
1171
+ "value": "custom_train"
1172
+ },
1173
+ "dynamicFormat": {
1174
+ "flag": "true"
1175
+ },
1176
+ "input0": {
1177
+ "name": "x0",
1178
+ "paramType": "required",
1179
+ "shape": "all"
1180
+ },
1181
+ "input1": {
1182
+ "name": "x1",
1183
+ "paramType": "required",
1184
+ "shape": "all"
1185
+ },
1186
+ "input2": {
1187
+ "name": "x2",
1188
+ "paramType": "required",
1189
+ "shape": "all"
1190
+ },
1191
+ "input3": {
1192
+ "name": "x3",
1193
+ "paramType": "required",
1194
+ "shape": "all"
1195
+ },
1196
+ "input4": {
1197
+ "name": "x4",
1198
+ "paramType": "required",
1199
+ "shape": "all"
1200
+ },
1201
+ "output0": {
1202
+ "name": "y0",
1203
+ "paramType": "required",
1204
+ "shape": "all"
1205
+ },
1206
+ "output1": {
1207
+ "name": "y1",
1208
+ "paramType": "required",
1209
+ "shape": "all"
1210
+ },
1211
+ "output2": {
1212
+ "name": "y2",
1213
+ "paramType": "required",
1214
+ "shape": "all"
1215
+ },
1216
+ "output3": {
1217
+ "name": "y3",
1218
+ "paramType": "required",
1219
+ "shape": "all"
1220
+ },
1221
+ "output4": {
1222
+ "name": "y4",
1223
+ "paramType": "required",
1224
+ "shape": "all"
1225
+ }
1226
+ },
1227
+ "Fused_x6_y1": {
1228
+ "attr": {
1229
+ "list": "info_path"
1230
+ },
1231
+ "attr_info_path": {
1232
+ "paramType": "required",
1233
+ "type": "str",
1234
+ "value": "all"
1235
+ },
1236
+ "opFile": {
1237
+ "value": "custom"
1238
+ },
1239
+ "opInterface": {
1240
+ "value": "custom_train"
1241
+ },
1242
+ "dynamicFormat": {
1243
+ "flag": "true"
1244
+ },
1245
+ "input0": {
1246
+ "name": "x0",
1247
+ "paramType": "required",
1248
+ "shape": "all"
1249
+ },
1250
+ "input1": {
1251
+ "name": "x1",
1252
+ "paramType": "required",
1253
+ "shape": "all"
1254
+ },
1255
+ "input2": {
1256
+ "name": "x2",
1257
+ "paramType": "required",
1258
+ "shape": "all"
1259
+ },
1260
+ "input3": {
1261
+ "name": "x3",
1262
+ "paramType": "required",
1263
+ "shape": "all"
1264
+ },
1265
+ "input4": {
1266
+ "name": "x4",
1267
+ "paramType": "required",
1268
+ "shape": "all"
1269
+ },
1270
+ "input5": {
1271
+ "name": "x5",
1272
+ "paramType": "required",
1273
+ "shape": "all"
1274
+ },
1275
+ "output0": {
1276
+ "name": "y0",
1277
+ "paramType": "required",
1278
+ "shape": "all"
1279
+ }
1280
+ },
1281
+ "Fused_x6_y2": {
1282
+ "attr": {
1283
+ "list": "info_path"
1284
+ },
1285
+ "attr_info_path": {
1286
+ "paramType": "required",
1287
+ "type": "str",
1288
+ "value": "all"
1289
+ },
1290
+ "opFile": {
1291
+ "value": "custom"
1292
+ },
1293
+ "opInterface": {
1294
+ "value": "custom_train"
1295
+ },
1296
+ "dynamicFormat": {
1297
+ "flag": "true"
1298
+ },
1299
+ "input0": {
1300
+ "name": "x0",
1301
+ "paramType": "required",
1302
+ "shape": "all"
1303
+ },
1304
+ "input1": {
1305
+ "name": "x1",
1306
+ "paramType": "required",
1307
+ "shape": "all"
1308
+ },
1309
+ "input2": {
1310
+ "name": "x2",
1311
+ "paramType": "required",
1312
+ "shape": "all"
1313
+ },
1314
+ "input3": {
1315
+ "name": "x3",
1316
+ "paramType": "required",
1317
+ "shape": "all"
1318
+ },
1319
+ "input4": {
1320
+ "name": "x4",
1321
+ "paramType": "required",
1322
+ "shape": "all"
1323
+ },
1324
+ "input5": {
1325
+ "name": "x5",
1326
+ "paramType": "required",
1327
+ "shape": "all"
1328
+ },
1329
+ "output0": {
1330
+ "name": "y0",
1331
+ "paramType": "required",
1332
+ "shape": "all"
1333
+ },
1334
+ "output1": {
1335
+ "name": "y1",
1336
+ "paramType": "required",
1337
+ "shape": "all"
1338
+ }
1339
+ },
1340
+ "Fused_x6_y3": {
1341
+ "attr": {
1342
+ "list": "info_path"
1343
+ },
1344
+ "attr_info_path": {
1345
+ "paramType": "required",
1346
+ "type": "str",
1347
+ "value": "all"
1348
+ },
1349
+ "opFile": {
1350
+ "value": "custom"
1351
+ },
1352
+ "opInterface": {
1353
+ "value": "custom_train"
1354
+ },
1355
+ "dynamicFormat": {
1356
+ "flag": "true"
1357
+ },
1358
+ "input0": {
1359
+ "name": "x0",
1360
+ "paramType": "required",
1361
+ "shape": "all"
1362
+ },
1363
+ "input1": {
1364
+ "name": "x1",
1365
+ "paramType": "required",
1366
+ "shape": "all"
1367
+ },
1368
+ "input2": {
1369
+ "name": "x2",
1370
+ "paramType": "required",
1371
+ "shape": "all"
1372
+ },
1373
+ "input3": {
1374
+ "name": "x3",
1375
+ "paramType": "required",
1376
+ "shape": "all"
1377
+ },
1378
+ "input4": {
1379
+ "name": "x4",
1380
+ "paramType": "required",
1381
+ "shape": "all"
1382
+ },
1383
+ "input5": {
1384
+ "name": "x5",
1385
+ "paramType": "required",
1386
+ "shape": "all"
1387
+ },
1388
+ "output0": {
1389
+ "name": "y0",
1390
+ "paramType": "required",
1391
+ "shape": "all"
1392
+ },
1393
+ "output1": {
1394
+ "name": "y1",
1395
+ "paramType": "required",
1396
+ "shape": "all"
1397
+ },
1398
+ "output2": {
1399
+ "name": "y2",
1400
+ "paramType": "required",
1401
+ "shape": "all"
1402
+ }
1403
+ },
1404
+ "Fused_x6_y4": {
1405
+ "attr": {
1406
+ "list": "info_path"
1407
+ },
1408
+ "attr_info_path": {
1409
+ "paramType": "required",
1410
+ "type": "str",
1411
+ "value": "all"
1412
+ },
1413
+ "opFile": {
1414
+ "value": "custom"
1415
+ },
1416
+ "opInterface": {
1417
+ "value": "custom_train"
1418
+ },
1419
+ "dynamicFormat": {
1420
+ "flag": "true"
1421
+ },
1422
+ "input0": {
1423
+ "name": "x0",
1424
+ "paramType": "required",
1425
+ "shape": "all"
1426
+ },
1427
+ "input1": {
1428
+ "name": "x1",
1429
+ "paramType": "required",
1430
+ "shape": "all"
1431
+ },
1432
+ "input2": {
1433
+ "name": "x2",
1434
+ "paramType": "required",
1435
+ "shape": "all"
1436
+ },
1437
+ "input3": {
1438
+ "name": "x3",
1439
+ "paramType": "required",
1440
+ "shape": "all"
1441
+ },
1442
+ "input4": {
1443
+ "name": "x4",
1444
+ "paramType": "required",
1445
+ "shape": "all"
1446
+ },
1447
+ "input5": {
1448
+ "name": "x5",
1449
+ "paramType": "required",
1450
+ "shape": "all"
1451
+ },
1452
+ "output0": {
1453
+ "name": "y0",
1454
+ "paramType": "required",
1455
+ "shape": "all"
1456
+ },
1457
+ "output1": {
1458
+ "name": "y1",
1459
+ "paramType": "required",
1460
+ "shape": "all"
1461
+ },
1462
+ "output2": {
1463
+ "name": "y2",
1464
+ "paramType": "required",
1465
+ "shape": "all"
1466
+ },
1467
+ "output3": {
1468
+ "name": "y3",
1469
+ "paramType": "required",
1470
+ "shape": "all"
1471
+ }
1472
+ },
1473
+ "Fused_x6_y5": {
1474
+ "attr": {
1475
+ "list": "info_path"
1476
+ },
1477
+ "attr_info_path": {
1478
+ "paramType": "required",
1479
+ "type": "str",
1480
+ "value": "all"
1481
+ },
1482
+ "opFile": {
1483
+ "value": "custom"
1484
+ },
1485
+ "opInterface": {
1486
+ "value": "custom_train"
1487
+ },
1488
+ "dynamicFormat": {
1489
+ "flag": "true"
1490
+ },
1491
+ "input0": {
1492
+ "name": "x0",
1493
+ "paramType": "required",
1494
+ "shape": "all"
1495
+ },
1496
+ "input1": {
1497
+ "name": "x1",
1498
+ "paramType": "required",
1499
+ "shape": "all"
1500
+ },
1501
+ "input2": {
1502
+ "name": "x2",
1503
+ "paramType": "required",
1504
+ "shape": "all"
1505
+ },
1506
+ "input3": {
1507
+ "name": "x3",
1508
+ "paramType": "required",
1509
+ "shape": "all"
1510
+ },
1511
+ "input4": {
1512
+ "name": "x4",
1513
+ "paramType": "required",
1514
+ "shape": "all"
1515
+ },
1516
+ "input5": {
1517
+ "name": "x5",
1518
+ "paramType": "required",
1519
+ "shape": "all"
1520
+ },
1521
+ "output0": {
1522
+ "name": "y0",
1523
+ "paramType": "required",
1524
+ "shape": "all"
1525
+ },
1526
+ "output1": {
1527
+ "name": "y1",
1528
+ "paramType": "required",
1529
+ "shape": "all"
1530
+ },
1531
+ "output2": {
1532
+ "name": "y2",
1533
+ "paramType": "required",
1534
+ "shape": "all"
1535
+ },
1536
+ "output3": {
1537
+ "name": "y3",
1538
+ "paramType": "required",
1539
+ "shape": "all"
1540
+ },
1541
+ "output4": {
1542
+ "name": "y4",
1543
+ "paramType": "required",
1544
+ "shape": "all"
1545
+ }
1546
+ },
1547
+ "Fused_x7_y1": {
1548
+ "attr": {
1549
+ "list": "info_path"
1550
+ },
1551
+ "attr_info_path": {
1552
+ "paramType": "required",
1553
+ "type": "str",
1554
+ "value": "all"
1555
+ },
1556
+ "opFile": {
1557
+ "value": "custom"
1558
+ },
1559
+ "opInterface": {
1560
+ "value": "custom_train"
1561
+ },
1562
+ "dynamicFormat": {
1563
+ "flag": "true"
1564
+ },
1565
+ "input0": {
1566
+ "name": "x0",
1567
+ "paramType": "required",
1568
+ "shape": "all"
1569
+ },
1570
+ "input1": {
1571
+ "name": "x1",
1572
+ "paramType": "required",
1573
+ "shape": "all"
1574
+ },
1575
+ "input2": {
1576
+ "name": "x2",
1577
+ "paramType": "required",
1578
+ "shape": "all"
1579
+ },
1580
+ "input3": {
1581
+ "name": "x3",
1582
+ "paramType": "required",
1583
+ "shape": "all"
1584
+ },
1585
+ "input4": {
1586
+ "name": "x4",
1587
+ "paramType": "required",
1588
+ "shape": "all"
1589
+ },
1590
+ "input5": {
1591
+ "name": "x5",
1592
+ "paramType": "required",
1593
+ "shape": "all"
1594
+ },
1595
+ "input6": {
1596
+ "name": "x6",
1597
+ "paramType": "required",
1598
+ "shape": "all"
1599
+ },
1600
+ "output0": {
1601
+ "name": "y0",
1602
+ "paramType": "required",
1603
+ "shape": "all"
1604
+ }
1605
+ },
1606
+ "Fused_x7_y2": {
1607
+ "attr": {
1608
+ "list": "info_path"
1609
+ },
1610
+ "attr_info_path": {
1611
+ "paramType": "required",
1612
+ "type": "str",
1613
+ "value": "all"
1614
+ },
1615
+ "opFile": {
1616
+ "value": "custom"
1617
+ },
1618
+ "opInterface": {
1619
+ "value": "custom_train"
1620
+ },
1621
+ "dynamicFormat": {
1622
+ "flag": "true"
1623
+ },
1624
+ "input0": {
1625
+ "name": "x0",
1626
+ "paramType": "required",
1627
+ "shape": "all"
1628
+ },
1629
+ "input1": {
1630
+ "name": "x1",
1631
+ "paramType": "required",
1632
+ "shape": "all"
1633
+ },
1634
+ "input2": {
1635
+ "name": "x2",
1636
+ "paramType": "required",
1637
+ "shape": "all"
1638
+ },
1639
+ "input3": {
1640
+ "name": "x3",
1641
+ "paramType": "required",
1642
+ "shape": "all"
1643
+ },
1644
+ "input4": {
1645
+ "name": "x4",
1646
+ "paramType": "required",
1647
+ "shape": "all"
1648
+ },
1649
+ "input5": {
1650
+ "name": "x5",
1651
+ "paramType": "required",
1652
+ "shape": "all"
1653
+ },
1654
+ "input6": {
1655
+ "name": "x6",
1656
+ "paramType": "required",
1657
+ "shape": "all"
1658
+ },
1659
+ "output0": {
1660
+ "name": "y0",
1661
+ "paramType": "required",
1662
+ "shape": "all"
1663
+ },
1664
+ "output1": {
1665
+ "name": "y1",
1666
+ "paramType": "required",
1667
+ "shape": "all"
1668
+ }
1669
+ },
1670
+ "Fused_x7_y3": {
1671
+ "attr": {
1672
+ "list": "info_path"
1673
+ },
1674
+ "attr_info_path": {
1675
+ "paramType": "required",
1676
+ "type": "str",
1677
+ "value": "all"
1678
+ },
1679
+ "opFile": {
1680
+ "value": "custom"
1681
+ },
1682
+ "opInterface": {
1683
+ "value": "custom_train"
1684
+ },
1685
+ "dynamicFormat": {
1686
+ "flag": "true"
1687
+ },
1688
+ "input0": {
1689
+ "name": "x0",
1690
+ "paramType": "required",
1691
+ "shape": "all"
1692
+ },
1693
+ "input1": {
1694
+ "name": "x1",
1695
+ "paramType": "required",
1696
+ "shape": "all"
1697
+ },
1698
+ "input2": {
1699
+ "name": "x2",
1700
+ "paramType": "required",
1701
+ "shape": "all"
1702
+ },
1703
+ "input3": {
1704
+ "name": "x3",
1705
+ "paramType": "required",
1706
+ "shape": "all"
1707
+ },
1708
+ "input4": {
1709
+ "name": "x4",
1710
+ "paramType": "required",
1711
+ "shape": "all"
1712
+ },
1713
+ "input5": {
1714
+ "name": "x5",
1715
+ "paramType": "required",
1716
+ "shape": "all"
1717
+ },
1718
+ "input6": {
1719
+ "name": "x6",
1720
+ "paramType": "required",
1721
+ "shape": "all"
1722
+ },
1723
+ "output0": {
1724
+ "name": "y0",
1725
+ "paramType": "required",
1726
+ "shape": "all"
1727
+ },
1728
+ "output1": {
1729
+ "name": "y1",
1730
+ "paramType": "required",
1731
+ "shape": "all"
1732
+ },
1733
+ "output2": {
1734
+ "name": "y2",
1735
+ "paramType": "required",
1736
+ "shape": "all"
1737
+ }
1738
+ },
1739
+ "Fused_x7_y4": {
1740
+ "attr": {
1741
+ "list": "info_path"
1742
+ },
1743
+ "attr_info_path": {
1744
+ "paramType": "required",
1745
+ "type": "str",
1746
+ "value": "all"
1747
+ },
1748
+ "opFile": {
1749
+ "value": "custom"
1750
+ },
1751
+ "opInterface": {
1752
+ "value": "custom_train"
1753
+ },
1754
+ "dynamicFormat": {
1755
+ "flag": "true"
1756
+ },
1757
+ "input0": {
1758
+ "name": "x0",
1759
+ "paramType": "required",
1760
+ "shape": "all"
1761
+ },
1762
+ "input1": {
1763
+ "name": "x1",
1764
+ "paramType": "required",
1765
+ "shape": "all"
1766
+ },
1767
+ "input2": {
1768
+ "name": "x2",
1769
+ "paramType": "required",
1770
+ "shape": "all"
1771
+ },
1772
+ "input3": {
1773
+ "name": "x3",
1774
+ "paramType": "required",
1775
+ "shape": "all"
1776
+ },
1777
+ "input4": {
1778
+ "name": "x4",
1779
+ "paramType": "required",
1780
+ "shape": "all"
1781
+ },
1782
+ "input5": {
1783
+ "name": "x5",
1784
+ "paramType": "required",
1785
+ "shape": "all"
1786
+ },
1787
+ "input6": {
1788
+ "name": "x6",
1789
+ "paramType": "required",
1790
+ "shape": "all"
1791
+ },
1792
+ "output0": {
1793
+ "name": "y0",
1794
+ "paramType": "required",
1795
+ "shape": "all"
1796
+ },
1797
+ "output1": {
1798
+ "name": "y1",
1799
+ "paramType": "required",
1800
+ "shape": "all"
1801
+ },
1802
+ "output2": {
1803
+ "name": "y2",
1804
+ "paramType": "required",
1805
+ "shape": "all"
1806
+ },
1807
+ "output3": {
1808
+ "name": "y3",
1809
+ "paramType": "required",
1810
+ "shape": "all"
1811
+ }
1812
+ },
1813
+ "Fused_x7_y5": {
1814
+ "attr": {
1815
+ "list": "info_path"
1816
+ },
1817
+ "attr_info_path": {
1818
+ "paramType": "required",
1819
+ "type": "str",
1820
+ "value": "all"
1821
+ },
1822
+ "opFile": {
1823
+ "value": "custom"
1824
+ },
1825
+ "opInterface": {
1826
+ "value": "custom_train"
1827
+ },
1828
+ "dynamicFormat": {
1829
+ "flag": "true"
1830
+ },
1831
+ "input0": {
1832
+ "name": "x0",
1833
+ "paramType": "required",
1834
+ "shape": "all"
1835
+ },
1836
+ "input1": {
1837
+ "name": "x1",
1838
+ "paramType": "required",
1839
+ "shape": "all"
1840
+ },
1841
+ "input2": {
1842
+ "name": "x2",
1843
+ "paramType": "required",
1844
+ "shape": "all"
1845
+ },
1846
+ "input3": {
1847
+ "name": "x3",
1848
+ "paramType": "required",
1849
+ "shape": "all"
1850
+ },
1851
+ "input4": {
1852
+ "name": "x4",
1853
+ "paramType": "required",
1854
+ "shape": "all"
1855
+ },
1856
+ "input5": {
1857
+ "name": "x5",
1858
+ "paramType": "required",
1859
+ "shape": "all"
1860
+ },
1861
+ "input6": {
1862
+ "name": "x6",
1863
+ "paramType": "required",
1864
+ "shape": "all"
1865
+ },
1866
+ "output0": {
1867
+ "name": "y0",
1868
+ "paramType": "required",
1869
+ "shape": "all"
1870
+ },
1871
+ "output1": {
1872
+ "name": "y1",
1873
+ "paramType": "required",
1874
+ "shape": "all"
1875
+ },
1876
+ "output2": {
1877
+ "name": "y2",
1878
+ "paramType": "required",
1879
+ "shape": "all"
1880
+ },
1881
+ "output3": {
1882
+ "name": "y3",
1883
+ "paramType": "required",
1884
+ "shape": "all"
1885
+ },
1886
+ "output4": {
1887
+ "name": "y4",
1888
+ "paramType": "required",
1889
+ "shape": "all"
1890
+ }
1891
+ },
1892
+ "AddDSL": {
1893
+ "input0": {
1894
+ "dtype": "float16,float32,int32",
1895
+ "format": "ND,ND,ND",
1896
+ "name": "x1",
1897
+ "paramType": "required"
1898
+ },
1899
+ "input1": {
1900
+ "dtype": "float16,float32,int32",
1901
+ "format": "ND,ND,ND",
1902
+ "name": "x2",
1903
+ "paramType": "required"
1904
+ },
1905
+ "opFile": {
1906
+ "value": "add_dsl"
1907
+ },
1908
+ "opInterface": {
1909
+ "value": "add_dsl"
1910
+ },
1911
+ "output0": {
1912
+ "dtype": "float16,float32,int32",
1913
+ "format": "ND,ND,ND",
1914
+ "name": "y",
1915
+ "paramType": "required"
1916
+ }
1917
+ },
1918
+ "AddTik": {
1919
+ "input0": {
1920
+ "dtype": "float16,float32,int32",
1921
+ "format": "ND,ND,ND",
1922
+ "name": "x1",
1923
+ "paramType": "required"
1924
+ },
1925
+ "input1": {
1926
+ "dtype": "float16,float32,int32",
1927
+ "format": "ND,ND,ND",
1928
+ "name": "x2",
1929
+ "paramType": "required"
1930
+ },
1931
+ "opFile": {
1932
+ "value": "add_tik"
1933
+ },
1934
+ "opInterface": {
1935
+ "value": "add_tik"
1936
+ },
1937
+ "output0": {
1938
+ "dtype": "float16,float32,int32",
1939
+ "format": "ND,ND,ND",
1940
+ "name": "y",
1941
+ "paramType": "required"
1942
+ }
1943
+ },
1944
+ "FlashAttention": {
1945
+ "input0": {
1946
+ "dtype": "float16,float32,int32",
1947
+ "format": "ND,ND,ND",
1948
+ "name": "q",
1949
+ "paramType": "required"
1950
+ },
1951
+ "input1": {
1952
+ "dtype": "float16,float32,int32",
1953
+ "format": "ND,ND,ND",
1954
+ "name": "k",
1955
+ "paramType": "required"
1956
+ },
1957
+ "input2": {
1958
+ "dtype": "float16,float32,int32",
1959
+ "format": "ND,ND,ND",
1960
+ "name": "v",
1961
+ "paramType": "required"
1962
+ },
1963
+ "input3": {
1964
+ "dtype": "float16,float32,int32",
1965
+ "format": "ND,ND,ND",
1966
+ "name": "attention_mask",
1967
+ "paramType": "required"
1968
+ },
1969
+ "opFile": {
1970
+ "value": "flash_attention"
1971
+ },
1972
+ "opInterface": {
1973
+ "value": "flash_attention"
1974
+ },
1975
+ "output0": {
1976
+ "dtype": "float16,float32,int32",
1977
+ "format": "ND,ND,ND",
1978
+ "name": "y",
1979
+ "paramType": "required"
1980
+ }
1981
+ },
1982
+ "KVCacheMgr": {
1983
+ "input0": {
1984
+ "dtype": "float32, int32, uint32, float16, int16, uint16, int8, uint8",
1985
+ "format": "ND,ND,ND,ND,ND,ND,ND,ND",
1986
+ "name": "past",
1987
+ "paramType": "required"
1988
+ },
1989
+ "input1": {
1990
+ "dtype": "float32, int32, uint32, float16, int16, uint16, int8, uint8",
1991
+ "format": "ND,ND,ND,ND,ND,ND,ND,ND",
1992
+ "name": "cur",
1993
+ "paramType": "required"
1994
+ },
1995
+ "input2": {
1996
+ "dtype": "int32,int32,int32,int32,int32,int32,int32,int32",
1997
+ "format": "ND,ND,ND,ND,ND,ND,ND,ND",
1998
+ "name": "index",
1999
+ "paramType": "required"
2000
+ },
2001
+ "needCheckSupport": {
2002
+ "flag": "true"
2003
+ },
2004
+ "opFile": {
2005
+ "value": "kv_cache_mgr"
2006
+ },
2007
+ "opInterface": {
2008
+ "value": "kv_cache_mgr"
2009
+ },
2010
+ "output0": {
2011
+ "dtype": "float32, int32, uint32, float16, int16, uint16, int8, uint8",
2012
+ "format": "ND,ND,ND,ND,ND,ND,ND,ND",
2013
+ "name": "past",
2014
+ "paramType": "required"
2015
+ }
2016
+ },
2017
+ "MatmulTik": {
2018
+ "input0": {
2019
+ "dtype": "int8,uint8,float16",
2020
+ "format": "ND,ND,ND",
2021
+ "name": "x1",
2022
+ "needCompile": "false",
2023
+ "paramType": "required",
2024
+ "shape": "all"
2025
+ },
2026
+ "input1": {
2027
+ "dtype": "int8,int8,float16",
2028
+ "format": "ND,ND,ND",
2029
+ "name": "x2",
2030
+ "needCompile": "false",
2031
+ "paramType": "required",
2032
+ "shape": "all"
2033
+ },
2034
+ "opFile": {
2035
+ "value": "matmul_tik"
2036
+ },
2037
+ "opInterface": {
2038
+ "value": "matmul_tik"
2039
+ },
2040
+ "output0": {
2041
+ "dtype": "int32,int32,float",
2042
+ "format": "ND,ND,ND",
2043
+ "name": "y",
2044
+ "paramType": "required",
2045
+ "shape": "all"
35
2046
  }
36
2047
  }
37
2048
  }