mindspore 2.4.0__cp310-cp310-macosx_11_0_arm64.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.
- mindspore/.commit_id +1 -0
- mindspore/__init__.py +53 -0
- mindspore/_c_dataengine.cpython-310-darwin.so +0 -0
- mindspore/_c_expression.cpython-310-darwin.so +0 -0
- mindspore/_c_mindrecord.cpython-310-darwin.so +0 -0
- mindspore/_check_jit_forbidden_api.py +106 -0
- mindspore/_checkparam.py +1419 -0
- mindspore/_extends/__init__.py +23 -0
- mindspore/_extends/builtin_operations.py +224 -0
- mindspore/_extends/graph_kernel/__init__.py +17 -0
- mindspore/_extends/graph_kernel/model/__init__.py +19 -0
- mindspore/_extends/graph_kernel/model/graph_parallel.py +311 -0
- mindspore/_extends/graph_kernel/model/graph_split.py +1348 -0
- mindspore/_extends/graph_kernel/model/model.py +553 -0
- mindspore/_extends/graph_kernel/model/model_builder.py +216 -0
- mindspore/_extends/graph_kernel/parallel_estimate.py +60 -0
- mindspore/_extends/graph_kernel/splitter.py +140 -0
- mindspore/_extends/graph_kernel/utils.py +28 -0
- mindspore/_extends/parallel_compile/__init__.py +19 -0
- mindspore/_extends/parallel_compile/akg_compiler/__init__.py +19 -0
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +269 -0
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +529 -0
- mindspore/_extends/parallel_compile/akg_compiler/compiler.py +56 -0
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
- mindspore/_extends/parallel_compile/akg_compiler/get_file_path.py +36 -0
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +556 -0
- mindspore/_extends/parallel_compile/akg_compiler/util.py +159 -0
- mindspore/_extends/parse/__init__.py +49 -0
- mindspore/_extends/parse/compile_config.py +299 -0
- mindspore/_extends/parse/namespace.py +136 -0
- mindspore/_extends/parse/parser.py +1448 -0
- mindspore/_extends/parse/resources.py +213 -0
- mindspore/_extends/parse/standard_method.py +4475 -0
- mindspore/_extends/parse/trope.py +97 -0
- mindspore/_extends/pijit/__init__.py +23 -0
- mindspore/_extends/pijit/pijit_func_white_list.py +669 -0
- mindspore/_extends/remote/__init__.py +19 -0
- mindspore/_extends/remote/kernel_build_server.py +199 -0
- mindspore/_extends/remote/kernel_build_server_akg.py +55 -0
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_extends/remote/kernel_build_server_ascend.py +75 -0
- mindspore/_extends/utils.py +68 -0
- mindspore/_install_custom.py +43 -0
- mindspore/_profiler.py +30 -0
- mindspore/amp.py +433 -0
- mindspore/boost/__init__.py +42 -0
- mindspore/boost/adasum.py +319 -0
- mindspore/boost/base.py +535 -0
- mindspore/boost/boost.py +400 -0
- mindspore/boost/boost_cell_wrapper.py +790 -0
- mindspore/boost/dim_reduce.py +323 -0
- mindspore/boost/grad_accumulation.py +79 -0
- mindspore/boost/grad_freeze.py +382 -0
- mindspore/boost/group_loss_scale_manager.py +166 -0
- mindspore/boost/less_batch_normalization.py +174 -0
- mindspore/common/__init__.py +86 -0
- mindspore/common/_auto_dynamic.py +68 -0
- mindspore/common/_decorator.py +50 -0
- mindspore/common/_jit_fallback_utils.py +110 -0
- mindspore/common/_monad.py +25 -0
- mindspore/common/_pijit_context.py +190 -0
- mindspore/common/_register_for_adapter.py +74 -0
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_register_for_tensor.py +46 -0
- mindspore/common/_stub_tensor.py +210 -0
- mindspore/common/_tensor_overload.py +139 -0
- mindspore/common/_utils.py +122 -0
- mindspore/common/api.py +2064 -0
- mindspore/common/auto_dynamic_shape.py +507 -0
- mindspore/common/dtype.py +422 -0
- mindspore/common/dump.py +130 -0
- mindspore/common/file_system.py +48 -0
- mindspore/common/generator.py +254 -0
- mindspore/common/hook_handle.py +143 -0
- mindspore/common/initializer.py +880 -0
- mindspore/common/jit_config.py +98 -0
- mindspore/common/lazy_inline.py +240 -0
- mindspore/common/mindir_util.py +111 -0
- mindspore/common/mutable.py +234 -0
- mindspore/common/no_inline.py +54 -0
- mindspore/common/np_dtype.py +25 -0
- mindspore/common/parameter.py +1081 -0
- mindspore/common/recompute.py +292 -0
- mindspore/common/seed.py +260 -0
- mindspore/common/sparse_tensor.py +1175 -0
- mindspore/common/symbol.py +122 -0
- mindspore/common/tensor.py +5039 -0
- mindspore/communication/__init__.py +37 -0
- mindspore/communication/_comm_helper.py +501 -0
- mindspore/communication/_hccl_management.py +297 -0
- mindspore/communication/comm_func.py +1395 -0
- mindspore/communication/management.py +673 -0
- mindspore/config/op_info.config +533 -0
- mindspore/context.py +2077 -0
- mindspore/dataset/__init__.py +90 -0
- mindspore/dataset/audio/__init__.py +61 -0
- mindspore/dataset/audio/transforms.py +3690 -0
- mindspore/dataset/audio/utils.py +386 -0
- mindspore/dataset/audio/validators.py +1172 -0
- mindspore/dataset/callback/__init__.py +20 -0
- mindspore/dataset/callback/ds_callback.py +368 -0
- mindspore/dataset/callback/validators.py +32 -0
- mindspore/dataset/core/__init__.py +13 -0
- mindspore/dataset/core/config.py +1095 -0
- mindspore/dataset/core/datatypes.py +101 -0
- mindspore/dataset/core/py_util_helpers.py +65 -0
- mindspore/dataset/core/validator_helpers.py +781 -0
- mindspore/dataset/debug/__init__.py +21 -0
- mindspore/dataset/debug/debug_hook.py +97 -0
- mindspore/dataset/debug/pre_defined_hook.py +67 -0
- mindspore/dataset/engine/__init__.py +124 -0
- mindspore/dataset/engine/cache_admin.py +47 -0
- mindspore/dataset/engine/cache_client.py +129 -0
- mindspore/dataset/engine/datasets.py +4582 -0
- mindspore/dataset/engine/datasets_audio.py +911 -0
- mindspore/dataset/engine/datasets_standard_format.py +543 -0
- mindspore/dataset/engine/datasets_text.py +2161 -0
- mindspore/dataset/engine/datasets_user_defined.py +1184 -0
- mindspore/dataset/engine/datasets_vision.py +4816 -0
- mindspore/dataset/engine/iterators.py +371 -0
- mindspore/dataset/engine/obs/__init__.py +23 -0
- mindspore/dataset/engine/obs/config_loader.py +68 -0
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +508 -0
- mindspore/dataset/engine/obs/util.py +482 -0
- mindspore/dataset/engine/offload.py +596 -0
- mindspore/dataset/engine/queue.py +304 -0
- mindspore/dataset/engine/samplers.py +895 -0
- mindspore/dataset/engine/serializer_deserializer.py +159 -0
- mindspore/dataset/engine/validators.py +2895 -0
- mindspore/dataset/text/__init__.py +51 -0
- mindspore/dataset/text/transforms.py +1703 -0
- mindspore/dataset/text/utils.py +715 -0
- mindspore/dataset/text/validators.py +642 -0
- mindspore/dataset/transforms/__init__.py +45 -0
- mindspore/dataset/transforms/c_transforms.py +638 -0
- mindspore/dataset/transforms/py_transforms.py +393 -0
- mindspore/dataset/transforms/py_transforms_util.py +255 -0
- mindspore/dataset/transforms/transforms.py +1260 -0
- mindspore/dataset/transforms/validators.py +410 -0
- mindspore/dataset/utils/__init__.py +19 -0
- mindspore/dataset/utils/browse_dataset.py +190 -0
- mindspore/dataset/utils/line_reader.py +126 -0
- mindspore/dataset/vision/__init__.py +65 -0
- mindspore/dataset/vision/c_transforms.py +2641 -0
- mindspore/dataset/vision/py_transforms.py +2120 -0
- mindspore/dataset/vision/py_transforms_util.py +1660 -0
- mindspore/dataset/vision/transforms.py +7295 -0
- mindspore/dataset/vision/utils.py +863 -0
- mindspore/dataset/vision/validators.py +1483 -0
- mindspore/default_config.py +2 -0
- mindspore/experimental/__init__.py +20 -0
- mindspore/experimental/es/__init__.py +22 -0
- mindspore/experimental/es/embedding_service.py +883 -0
- mindspore/experimental/es/embedding_service_layer.py +581 -0
- mindspore/experimental/llm_boost/__init__.py +21 -0
- mindspore/experimental/llm_boost/atb/__init__.py +23 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +211 -0
- mindspore/experimental/llm_boost/atb/llama_boost.py +115 -0
- mindspore/experimental/llm_boost/atb/qwen_boost.py +101 -0
- mindspore/experimental/llm_boost/register.py +129 -0
- mindspore/experimental/llm_boost/utils.py +31 -0
- mindspore/experimental/map_parameter.py +309 -0
- mindspore/experimental/optim/__init__.py +40 -0
- mindspore/experimental/optim/adadelta.py +161 -0
- mindspore/experimental/optim/adagrad.py +168 -0
- mindspore/experimental/optim/adam.py +193 -0
- mindspore/experimental/optim/adamax.py +170 -0
- mindspore/experimental/optim/adamw.py +290 -0
- mindspore/experimental/optim/asgd.py +153 -0
- mindspore/experimental/optim/lr_scheduler.py +1371 -0
- mindspore/experimental/optim/nadam.py +157 -0
- mindspore/experimental/optim/optimizer.py +262 -0
- mindspore/experimental/optim/radam.py +194 -0
- mindspore/experimental/optim/rmsprop.py +154 -0
- mindspore/experimental/optim/rprop.py +164 -0
- mindspore/experimental/optim/sgd.py +156 -0
- mindspore/hal/__init__.py +40 -0
- mindspore/hal/_ascend.py +57 -0
- mindspore/hal/_base.py +57 -0
- mindspore/hal/_cpu.py +56 -0
- mindspore/hal/_gpu.py +57 -0
- mindspore/hal/contiguous_tensors_handle.py +175 -0
- mindspore/hal/device.py +356 -0
- mindspore/hal/event.py +179 -0
- mindspore/hal/memory.py +326 -0
- mindspore/hal/stream.py +357 -0
- mindspore/include/OWNERS +7 -0
- mindspore/include/api/allocator.h +97 -0
- mindspore/include/api/callback/callback.h +93 -0
- mindspore/include/api/callback/ckpt_saver.h +41 -0
- mindspore/include/api/callback/loss_monitor.h +33 -0
- mindspore/include/api/callback/lr_scheduler.h +51 -0
- mindspore/include/api/callback/time_monitor.h +34 -0
- mindspore/include/api/callback/train_accuracy.h +37 -0
- mindspore/include/api/cell.h +90 -0
- mindspore/include/api/cfg.h +82 -0
- mindspore/include/api/context.h +602 -0
- mindspore/include/api/data_type.h +47 -0
- mindspore/include/api/delegate.h +178 -0
- mindspore/include/api/delegate_api.h +75 -0
- mindspore/include/api/dual_abi_helper.h +208 -0
- mindspore/include/api/format.h +28 -0
- mindspore/include/api/graph.h +46 -0
- mindspore/include/api/kernel.h +58 -0
- mindspore/include/api/kernel_api.h +168 -0
- mindspore/include/api/metrics/accuracy.h +36 -0
- mindspore/include/api/metrics/metrics.h +41 -0
- mindspore/include/api/model.h +438 -0
- mindspore/include/api/model_group.h +91 -0
- mindspore/include/api/model_parallel_runner.h +168 -0
- mindspore/include/api/serialization.h +185 -0
- mindspore/include/api/status.h +192 -0
- mindspore/include/api/types.h +431 -0
- mindspore/include/api/visible.h +41 -0
- mindspore/include/c_api/context_c.h +179 -0
- mindspore/include/c_api/data_type_c.h +52 -0
- mindspore/include/c_api/format_c.h +46 -0
- mindspore/include/c_api/model_c.h +347 -0
- mindspore/include/c_api/status_c.h +79 -0
- mindspore/include/c_api/tensor_c.h +146 -0
- mindspore/include/c_api/types_c.h +67 -0
- mindspore/include/dataset/config.h +163 -0
- mindspore/include/dataset/constants.h +363 -0
- mindspore/include/dataset/execute.h +196 -0
- mindspore/include/dataset/text.h +1092 -0
- mindspore/include/dataset/transforms.h +638 -0
- mindspore/include/dataset/vision.h +2129 -0
- mindspore/include/dataset/vision_ascend.h +206 -0
- mindspore/include/dataset/vision_lite.h +625 -0
- mindspore/lib/libavcodec.59.dylib +0 -0
- mindspore/lib/libavdevice.59.dylib +0 -0
- mindspore/lib/libavfilter.8.dylib +0 -0
- mindspore/lib/libavformat.59.dylib +0 -0
- mindspore/lib/libavutil.57.dylib +0 -0
- mindspore/lib/libdnnl.2.dylib +0 -0
- mindspore/lib/libicudata.69.dylib +0 -0
- mindspore/lib/libicui18n.69.dylib +0 -0
- mindspore/lib/libicuuc.69.dylib +0 -0
- mindspore/lib/libmindspore_address_sorting.15.dylib +0 -0
- mindspore/lib/libmindspore_backend.dylib +0 -0
- mindspore/lib/libmindspore_common.dylib +0 -0
- mindspore/lib/libmindspore_core.dylib +0 -0
- mindspore/lib/libmindspore_glog.0.dylib +0 -0
- mindspore/lib/libmindspore_gpr.15.dylib +0 -0
- mindspore/lib/libmindspore_grpc++.1.dylib +0 -0
- mindspore/lib/libmindspore_grpc.15.dylib +0 -0
- mindspore/lib/libmindspore_np_dtype.dylib +0 -0
- mindspore/lib/libmindspore_ops.dylib +0 -0
- mindspore/lib/libmindspore_upb.15.dylib +0 -0
- mindspore/lib/libnnacl.dylib +0 -0
- mindspore/lib/libopencv_core.4.5.dylib +0 -0
- mindspore/lib/libopencv_imgcodecs.4.5.dylib +0 -0
- mindspore/lib/libopencv_imgproc.4.5.dylib +0 -0
- mindspore/lib/libps_cache.dylib +0 -0
- mindspore/lib/libswresample.4.dylib +0 -0
- mindspore/lib/libswscale.6.dylib +0 -0
- mindspore/lib/libtinyxml2.8.dylib +0 -0
- mindspore/log.py +633 -0
- mindspore/mindrecord/__init__.py +43 -0
- mindspore/mindrecord/common/__init__.py +17 -0
- mindspore/mindrecord/common/constant.py +20 -0
- mindspore/mindrecord/common/enums.py +44 -0
- mindspore/mindrecord/common/exceptions.py +311 -0
- mindspore/mindrecord/config.py +809 -0
- mindspore/mindrecord/filereader.py +174 -0
- mindspore/mindrecord/filewriter.py +722 -0
- mindspore/mindrecord/mindpage.py +210 -0
- mindspore/mindrecord/shardheader.py +141 -0
- mindspore/mindrecord/shardindexgenerator.py +74 -0
- mindspore/mindrecord/shardreader.py +117 -0
- mindspore/mindrecord/shardsegment.py +128 -0
- mindspore/mindrecord/shardutils.py +185 -0
- mindspore/mindrecord/shardwriter.py +237 -0
- mindspore/mindrecord/tools/__init__.py +17 -0
- mindspore/mindrecord/tools/cifar10.py +140 -0
- mindspore/mindrecord/tools/cifar100.py +153 -0
- mindspore/mindrecord/tools/cifar100_to_mr.py +185 -0
- mindspore/mindrecord/tools/cifar10_to_mr.py +177 -0
- mindspore/mindrecord/tools/csv_to_mr.py +200 -0
- mindspore/mindrecord/tools/imagenet_to_mr.py +206 -0
- mindspore/mindrecord/tools/mnist_to_mr.py +259 -0
- mindspore/mindrecord/tools/tfrecord_to_mr.py +360 -0
- mindspore/mint/__init__.py +1586 -0
- mindspore/mint/distributed/__init__.py +31 -0
- mindspore/mint/distributed/distributed.py +254 -0
- mindspore/mint/linalg/__init__.py +22 -0
- mindspore/mint/nn/__init__.py +757 -0
- mindspore/mint/nn/functional.py +679 -0
- mindspore/mint/nn/layer/__init__.py +39 -0
- mindspore/mint/nn/layer/activation.py +133 -0
- mindspore/mint/nn/layer/normalization.py +477 -0
- mindspore/mint/nn/layer/pooling.py +110 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +206 -0
- mindspore/mint/special/__init__.py +63 -0
- mindspore/multiprocessing/__init__.py +73 -0
- mindspore/nn/__init__.py +47 -0
- mindspore/nn/cell.py +2787 -0
- mindspore/nn/dynamic_lr.py +482 -0
- mindspore/nn/grad/__init__.py +21 -0
- mindspore/nn/grad/cell_grad.py +196 -0
- mindspore/nn/layer/__init__.py +63 -0
- mindspore/nn/layer/activation.py +1822 -0
- mindspore/nn/layer/basic.py +1629 -0
- mindspore/nn/layer/channel_shuffle.py +90 -0
- mindspore/nn/layer/combined.py +248 -0
- mindspore/nn/layer/container.py +734 -0
- mindspore/nn/layer/conv.py +1505 -0
- mindspore/nn/layer/dense.py +204 -0
- mindspore/nn/layer/embedding.py +869 -0
- mindspore/nn/layer/image.py +661 -0
- mindspore/nn/layer/math.py +1069 -0
- mindspore/nn/layer/normalization.py +1273 -0
- mindspore/nn/layer/padding.py +880 -0
- mindspore/nn/layer/pooling.py +2302 -0
- mindspore/nn/layer/rnn_cells.py +388 -0
- mindspore/nn/layer/rnns.py +849 -0
- mindspore/nn/layer/thor_layer.py +963 -0
- mindspore/nn/layer/timedistributed.py +155 -0
- mindspore/nn/layer/transformer.py +823 -0
- mindspore/nn/learning_rate_schedule.py +512 -0
- mindspore/nn/loss/__init__.py +36 -0
- mindspore/nn/loss/loss.py +2924 -0
- mindspore/nn/metrics.py +53 -0
- mindspore/nn/optim/__init__.py +45 -0
- mindspore/nn/optim/_dist_optimizer_registry.py +111 -0
- mindspore/nn/optim/ada_grad.py +217 -0
- mindspore/nn/optim/adadelta.py +206 -0
- mindspore/nn/optim/adafactor.py +448 -0
- mindspore/nn/optim/adam.py +1297 -0
- mindspore/nn/optim/adamax.py +220 -0
- mindspore/nn/optim/adasum.py +548 -0
- mindspore/nn/optim/asgd.py +216 -0
- mindspore/nn/optim/ftrl.py +401 -0
- mindspore/nn/optim/lamb.py +296 -0
- mindspore/nn/optim/lars.py +202 -0
- mindspore/nn/optim/lazyadam.py +533 -0
- mindspore/nn/optim/momentum.py +239 -0
- mindspore/nn/optim/optimizer.py +1034 -0
- mindspore/nn/optim/proximal_ada_grad.py +242 -0
- mindspore/nn/optim/rmsprop.py +264 -0
- mindspore/nn/optim/rprop.py +251 -0
- mindspore/nn/optim/sgd.py +237 -0
- mindspore/nn/optim/tft_wrapper.py +127 -0
- mindspore/nn/optim/thor.py +1310 -0
- mindspore/nn/probability/__init__.py +22 -0
- mindspore/nn/probability/bijector/__init__.py +35 -0
- mindspore/nn/probability/bijector/bijector.py +337 -0
- mindspore/nn/probability/bijector/exp.py +65 -0
- mindspore/nn/probability/bijector/gumbel_cdf.py +144 -0
- mindspore/nn/probability/bijector/invert.py +126 -0
- mindspore/nn/probability/bijector/power_transform.py +196 -0
- mindspore/nn/probability/bijector/scalar_affine.py +167 -0
- mindspore/nn/probability/bijector/softplus.py +189 -0
- mindspore/nn/probability/bnn_layers/__init__.py +29 -0
- mindspore/nn/probability/bnn_layers/_util.py +46 -0
- mindspore/nn/probability/bnn_layers/bnn_cell_wrapper.py +112 -0
- mindspore/nn/probability/bnn_layers/conv_variational.py +267 -0
- mindspore/nn/probability/bnn_layers/dense_variational.py +302 -0
- mindspore/nn/probability/bnn_layers/layer_distribution.py +123 -0
- mindspore/nn/probability/distribution/__init__.py +56 -0
- mindspore/nn/probability/distribution/_utils/__init__.py +34 -0
- mindspore/nn/probability/distribution/_utils/custom_ops.py +96 -0
- mindspore/nn/probability/distribution/_utils/utils.py +362 -0
- mindspore/nn/probability/distribution/bernoulli.py +334 -0
- mindspore/nn/probability/distribution/beta.py +391 -0
- mindspore/nn/probability/distribution/categorical.py +435 -0
- mindspore/nn/probability/distribution/cauchy.py +383 -0
- mindspore/nn/probability/distribution/distribution.py +827 -0
- mindspore/nn/probability/distribution/exponential.py +350 -0
- mindspore/nn/probability/distribution/gamma.py +391 -0
- mindspore/nn/probability/distribution/geometric.py +335 -0
- mindspore/nn/probability/distribution/gumbel.py +257 -0
- mindspore/nn/probability/distribution/half_normal.py +133 -0
- mindspore/nn/probability/distribution/laplace.py +128 -0
- mindspore/nn/probability/distribution/log_normal.py +272 -0
- mindspore/nn/probability/distribution/logistic.py +379 -0
- mindspore/nn/probability/distribution/normal.py +336 -0
- mindspore/nn/probability/distribution/poisson.py +288 -0
- mindspore/nn/probability/distribution/student_t.py +149 -0
- mindspore/nn/probability/distribution/transformed_distribution.py +235 -0
- mindspore/nn/probability/distribution/uniform.py +375 -0
- mindspore/nn/reinforcement/__init__.py +24 -0
- mindspore/nn/reinforcement/_batch_read_write.py +142 -0
- mindspore/nn/reinforcement/_tensors_queue.py +152 -0
- mindspore/nn/reinforcement/tensor_array.py +145 -0
- mindspore/nn/sparse/__init__.py +23 -0
- mindspore/nn/sparse/sparse.py +147 -0
- mindspore/nn/wrap/__init__.py +49 -0
- mindspore/nn/wrap/cell_wrapper.py +968 -0
- mindspore/nn/wrap/grad_reducer.py +608 -0
- mindspore/nn/wrap/loss_scale.py +694 -0
- mindspore/numpy/__init__.py +121 -0
- mindspore/numpy/array_creations.py +2731 -0
- mindspore/numpy/array_ops.py +2629 -0
- mindspore/numpy/dtypes.py +185 -0
- mindspore/numpy/fft.py +966 -0
- mindspore/numpy/logic_ops.py +936 -0
- mindspore/numpy/math_ops.py +5911 -0
- mindspore/numpy/utils.py +214 -0
- mindspore/numpy/utils_const.py +565 -0
- mindspore/ops/__init__.py +56 -0
- mindspore/ops/_constants.py +30 -0
- mindspore/ops/_grad_experimental/__init__.py +31 -0
- mindspore/ops/_grad_experimental/grad_array_ops.py +830 -0
- mindspore/ops/_grad_experimental/grad_base.py +143 -0
- mindspore/ops/_grad_experimental/grad_comm_ops.py +714 -0
- mindspore/ops/_grad_experimental/grad_debug_ops.py +31 -0
- mindspore/ops/_grad_experimental/grad_implementations.py +203 -0
- mindspore/ops/_grad_experimental/grad_inner_ops.py +79 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +802 -0
- mindspore/ops/_grad_experimental/grad_nn_ops.py +231 -0
- mindspore/ops/_grad_experimental/grad_quant_ops.py +238 -0
- mindspore/ops/_grad_experimental/grad_sparse.py +342 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +399 -0
- mindspore/ops/_grad_experimental/taylor_rule.py +220 -0
- mindspore/ops/_op_impl/__init__.py +23 -0
- mindspore/ops/_op_impl/_custom_op/__init__.py +39 -0
- mindspore/ops/_op_impl/_custom_op/_basic.py +158 -0
- mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +279 -0
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +156 -0
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +109 -0
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +125 -0
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +105 -0
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +124 -0
- mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +116 -0
- mindspore/ops/_op_impl/_custom_op/correction_mul.py +89 -0
- mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +196 -0
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +366 -0
- mindspore/ops/_op_impl/_custom_op/dsd_impl.py +162 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +136 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +206 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +88 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +128 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +199 -0
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +88 -0
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +156 -0
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +184 -0
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +143 -0
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +169 -0
- mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +548 -0
- mindspore/ops/_op_impl/_custom_op/img2col_impl.py +881 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +278 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +200 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +334 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +255 -0
- mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +222 -0
- mindspore/ops/_op_impl/_custom_op/matmul_dds_grad_impl.py +644 -0
- mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +488 -0
- mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +87 -0
- mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +129 -0
- mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +121 -0
- mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +352 -0
- mindspore/ops/_op_impl/aicpu/__init__.py +441 -0
- mindspore/ops/_op_impl/aicpu/abs.py +36 -0
- mindspore/ops/_op_impl/aicpu/acos.py +32 -0
- mindspore/ops/_op_impl/aicpu/acos_grad.py +33 -0
- mindspore/ops/_op_impl/aicpu/acosh.py +34 -0
- mindspore/ops/_op_impl/aicpu/acosh_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_3d_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d.py +37 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d.py +42 -0
- mindspore/ops/_op_impl/aicpu/adaptive_max_pool_3d_grad.py +152 -0
- mindspore/ops/_op_impl/aicpu/add.py +43 -0
- mindspore/ops/_op_impl/aicpu/add_n.py +41 -0
- mindspore/ops/_op_impl/aicpu/add_v2.py +40 -0
- mindspore/ops/_op_impl/aicpu/addcdiv.py +41 -0
- mindspore/ops/_op_impl/aicpu/addcmul.py +47 -0
- mindspore/ops/_op_impl/aicpu/adjust_contrastv2.py +32 -0
- mindspore/ops/_op_impl/aicpu/adjust_hue.py +31 -0
- mindspore/ops/_op_impl/aicpu/adjust_saturation.py +32 -0
- mindspore/ops/_op_impl/aicpu/affine_grid.py +33 -0
- mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/angle.py +31 -0
- mindspore/ops/_op_impl/aicpu/arg_max.py +75 -0
- mindspore/ops/_op_impl/aicpu/arg_min.py +75 -0
- mindspore/ops/_op_impl/aicpu/argmax_with_value.py +43 -0
- mindspore/ops/_op_impl/aicpu/argmin_with_value.py +43 -0
- mindspore/ops/_op_impl/aicpu/asin.py +32 -0
- mindspore/ops/_op_impl/aicpu/asin_grad.py +33 -0
- mindspore/ops/_op_impl/aicpu/asinh.py +34 -0
- mindspore/ops/_op_impl/aicpu/asinh_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/atanh.py +34 -0
- mindspore/ops/_op_impl/aicpu/avgpool_grad_v1.py +37 -0
- mindspore/ops/_op_impl/aicpu/avgpool_v1.py +36 -0
- mindspore/ops/_op_impl/aicpu/bartlett_window.py +36 -0
- mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -0
- mindspore/ops/_op_impl/aicpu/batch_norm_grad_grad.py +49 -0
- mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
- mindspore/ops/_op_impl/aicpu/bessel_i0.py +31 -0
- mindspore/ops/_op_impl/aicpu/betainc.py +31 -0
- mindspore/ops/_op_impl/aicpu/bias_add.py +44 -0
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +42 -0
- mindspore/ops/_op_impl/aicpu/bincount.py +33 -0
- mindspore/ops/_op_impl/aicpu/blackman_window.py +36 -0
- mindspore/ops/_op_impl/aicpu/broadcast_to.py +58 -0
- mindspore/ops/_op_impl/aicpu/bucketize.py +34 -0
- mindspore/ops/_op_impl/aicpu/cache_swap_table.py +102 -0
- mindspore/ops/_op_impl/aicpu/cast.py +225 -0
- mindspore/ops/_op_impl/aicpu/cauchy.py +33 -0
- mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
- mindspore/ops/_op_impl/aicpu/check_numerics.py +33 -0
- mindspore/ops/_op_impl/aicpu/cholesky.py +32 -0
- mindspore/ops/_op_impl/aicpu/cholesky_inverse.py +31 -0
- mindspore/ops/_op_impl/aicpu/cholesky_solve.py +33 -0
- mindspore/ops/_op_impl/aicpu/choleskygrad.py +32 -0
- mindspore/ops/_op_impl/aicpu/coalesce.py +37 -0
- mindspore/ops/_op_impl/aicpu/col2im.py +38 -0
- mindspore/ops/_op_impl/aicpu/combined_non_max_suppression.py +42 -0
- mindspore/ops/_op_impl/aicpu/compare_and_bitpack.py +37 -0
- mindspore/ops/_op_impl/aicpu/complex.py +32 -0
- mindspore/ops/_op_impl/aicpu/complex_abs.py +31 -0
- mindspore/ops/_op_impl/aicpu/compute_accidental_hits.py +44 -0
- mindspore/ops/_op_impl/aicpu/concat.py +57 -0
- mindspore/ops/_op_impl/aicpu/concat_offset.py +42 -0
- mindspore/ops/_op_impl/aicpu/concat_offset_v1.py +31 -0
- mindspore/ops/_op_impl/aicpu/conj.py +42 -0
- mindspore/ops/_op_impl/aicpu/conjugate_transpose.py +58 -0
- mindspore/ops/_op_impl/aicpu/cos.py +34 -0
- mindspore/ops/_op_impl/aicpu/cosh.py +34 -0
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/crop_and_resize.py +69 -0
- mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_boxes.py +68 -0
- mindspore/ops/_op_impl/aicpu/crop_and_resize_grad_image.py +38 -0
- mindspore/ops/_op_impl/aicpu/cross.py +42 -0
- mindspore/ops/_op_impl/aicpu/csr_sparse_matrix_to_dense.py +48 -0
- mindspore/ops/_op_impl/aicpu/csr_sparse_matrix_to_sparse_tensor.py +51 -0
- mindspore/ops/_op_impl/aicpu/ctc_greedy_decoder.py +35 -0
- mindspore/ops/_op_impl/aicpu/ctc_loss_v2.py +43 -0
- mindspore/ops/_op_impl/aicpu/ctc_loss_v2_grad.py +45 -0
- mindspore/ops/_op_impl/aicpu/ctcloss.py +38 -0
- mindspore/ops/_op_impl/aicpu/cummax.py +41 -0
- mindspore/ops/_op_impl/aicpu/cumprod.py +58 -0
- mindspore/ops/_op_impl/aicpu/cumsum.py +58 -0
- mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +36 -0
- mindspore/ops/_op_impl/aicpu/data_format_vec_permute.py +32 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
- mindspore/ops/_op_impl/aicpu/dense_to_csr_sparse_matrix.py +49 -0
- mindspore/ops/_op_impl/aicpu/dense_to_dense_set_operation.py +45 -0
- mindspore/ops/_op_impl/aicpu/dense_to_sparse_set_operation.py +48 -0
- mindspore/ops/_op_impl/aicpu/depth_to_space.py +44 -0
- mindspore/ops/_op_impl/aicpu/diag.py +36 -0
- mindspore/ops/_op_impl/aicpu/diag_part.py +36 -0
- mindspore/ops/_op_impl/aicpu/diagonal.py +35 -0
- mindspore/ops/_op_impl/aicpu/digamma.py +31 -0
- mindspore/ops/_op_impl/aicpu/div.py +41 -0
- mindspore/ops/_op_impl/aicpu/div_no_nan.py +35 -0
- mindspore/ops/_op_impl/aicpu/dropout2d.py +42 -0
- mindspore/ops/_op_impl/aicpu/dropout3d.py +42 -0
- mindspore/ops/_op_impl/aicpu/dropout_genmask.py +41 -0
- mindspore/ops/_op_impl/aicpu/dropout_genmask_v3.py +32 -0
- mindspore/ops/_op_impl/aicpu/dynamic_stitch.py +42 -0
- mindspore/ops/_op_impl/aicpu/edit_distance.py +56 -0
- mindspore/ops/_op_impl/aicpu/eig.py +35 -0
- mindspore/ops/_op_impl/aicpu/embedding_lookup.py +102 -0
- mindspore/ops/_op_impl/aicpu/end_of_sequence.py +30 -0
- mindspore/ops/_op_impl/aicpu/environ_create.py +28 -0
- mindspore/ops/_op_impl/aicpu/environ_destroy_all.py +28 -0
- mindspore/ops/_op_impl/aicpu/environ_get.py +41 -0
- mindspore/ops/_op_impl/aicpu/environ_set.py +40 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/exp.py +37 -0
- mindspore/ops/_op_impl/aicpu/expand.py +45 -0
- mindspore/ops/_op_impl/aicpu/expand_dims.py +42 -0
- mindspore/ops/_op_impl/aicpu/expm1.py +34 -0
- mindspore/ops/_op_impl/aicpu/extract_glimpse.py +35 -0
- mindspore/ops/_op_impl/aicpu/eye.py +44 -0
- mindspore/ops/_op_impl/aicpu/fft_with_size.py +47 -0
- mindspore/ops/_op_impl/aicpu/fill_diagonal.py +39 -0
- mindspore/ops/_op_impl/aicpu/fill_v2.py +58 -0
- mindspore/ops/_op_impl/aicpu/flatten.py +43 -0
- mindspore/ops/_op_impl/aicpu/floor_div.py +38 -0
- mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
- mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
- mindspore/ops/_op_impl/aicpu/fractional_avg_pool.py +41 -0
- mindspore/ops/_op_impl/aicpu/fractional_avg_pool_grad.py +41 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool.py +41 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_grad_with_fixed_ksize.py +43 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +65 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool_grad.py +42 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool_grad_with_fixed_ksize.py +42 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool_with_fixed_ksize.py +49 -0
- mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
- mindspore/ops/_op_impl/aicpu/fused_sparse_adam.py +46 -0
- mindspore/ops/_op_impl/aicpu/fused_sparse_ftrl.py +41 -0
- mindspore/ops/_op_impl/aicpu/fused_sparse_lazy_adam.py +46 -0
- mindspore/ops/_op_impl/aicpu/fused_sparse_proximal_adagrad.py +39 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +38 -0
- mindspore/ops/_op_impl/aicpu/gather.py +46 -0
- mindspore/ops/_op_impl/aicpu/gather_d.py +79 -0
- mindspore/ops/_op_impl/aicpu/gather_d_grad_v2.py +79 -0
- mindspore/ops/_op_impl/aicpu/gather_grad.py +54 -0
- mindspore/ops/_op_impl/aicpu/gather_nd.py +56 -0
- mindspore/ops/_op_impl/aicpu/gcd.py +32 -0
- mindspore/ops/_op_impl/aicpu/generate_eod_mask.py +38 -0
- mindspore/ops/_op_impl/aicpu/geqrf.py +32 -0
- mindspore/ops/_op_impl/aicpu/get_next.py +39 -0
- mindspore/ops/_op_impl/aicpu/glu.py +33 -0
- mindspore/ops/_op_impl/aicpu/glu_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/greater.py +41 -0
- mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/grid_sampler_2d.py +35 -0
- mindspore/ops/_op_impl/aicpu/grid_sampler_2d_grad.py +38 -0
- mindspore/ops/_op_impl/aicpu/grid_sampler_3d.py +34 -0
- mindspore/ops/_op_impl/aicpu/grid_sampler_3d_grad.py +38 -0
- mindspore/ops/_op_impl/aicpu/hamming_window.py +57 -0
- mindspore/ops/_op_impl/aicpu/hard_sigmoid.py +32 -0
- mindspore/ops/_op_impl/aicpu/hard_sigmoid_grad.py +33 -0
- mindspore/ops/_op_impl/aicpu/heaviside.py +40 -0
- mindspore/ops/_op_impl/aicpu/histogram.py +35 -0
- mindspore/ops/_op_impl/aicpu/hsv_to_rgb.py +32 -0
- mindspore/ops/_op_impl/aicpu/hypot.py +32 -0
- mindspore/ops/_op_impl/aicpu/identity.py +42 -0
- mindspore/ops/_op_impl/aicpu/identity_n.py +41 -0
- mindspore/ops/_op_impl/aicpu/igamma.py +30 -0
- mindspore/ops/_op_impl/aicpu/igammac.py +30 -0
- mindspore/ops/_op_impl/aicpu/igammagrada.py +30 -0
- mindspore/ops/_op_impl/aicpu/im2col.py +43 -0
- mindspore/ops/_op_impl/aicpu/imag.py +31 -0
- mindspore/ops/_op_impl/aicpu/index_fill.py +54 -0
- mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
- mindspore/ops/_op_impl/aicpu/init_data_set_queue.py +27 -0
- mindspore/ops/_op_impl/aicpu/inplace_index_add.py +39 -0
- mindspore/ops/_op_impl/aicpu/instance_norm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/instance_norm_v2_grad.py +44 -0
- mindspore/ops/_op_impl/aicpu/is_finite.py +40 -0
- mindspore/ops/_op_impl/aicpu/is_inf.py +31 -0
- mindspore/ops/_op_impl/aicpu/is_nan.py +31 -0
- mindspore/ops/_op_impl/aicpu/kldivloss.py +34 -0
- mindspore/ops/_op_impl/aicpu/kldivlossgrad.py +35 -0
- mindspore/ops/_op_impl/aicpu/layer_norm_grad_grad.py +47 -0
- mindspore/ops/_op_impl/aicpu/lcm.py +32 -0
- mindspore/ops/_op_impl/aicpu/left_shift.py +38 -0
- mindspore/ops/_op_impl/aicpu/less.py +41 -0
- mindspore/ops/_op_impl/aicpu/less_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/lgamma.py +33 -0
- mindspore/ops/_op_impl/aicpu/linear_sum_assignment.py +57 -0
- mindspore/ops/_op_impl/aicpu/linspace.py +33 -0
- mindspore/ops/_op_impl/aicpu/list_diff.py +50 -0
- mindspore/ops/_op_impl/aicpu/log.py +37 -0
- mindspore/ops/_op_impl/aicpu/log1p.py +34 -0
- mindspore/ops/_op_impl/aicpu/log_matrix_determinant.py +31 -0
- mindspore/ops/_op_impl/aicpu/log_normal_reverse.py +33 -0
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +37 -0
- mindspore/ops/_op_impl/aicpu/logical_xor.py +30 -0
- mindspore/ops/_op_impl/aicpu/logit.py +33 -0
- mindspore/ops/_op_impl/aicpu/logit_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/logspace.py +36 -0
- mindspore/ops/_op_impl/aicpu/lower_bound.py +47 -0
- mindspore/ops/_op_impl/aicpu/lstsq.py +34 -0
- mindspore/ops/_op_impl/aicpu/lu.py +39 -0
- mindspore/ops/_op_impl/aicpu/lu_solve.py +32 -0
- mindspore/ops/_op_impl/aicpu/lu_unpack.py +114 -0
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +49 -0
- mindspore/ops/_op_impl/aicpu/masked_fill.py +42 -0
- mindspore/ops/_op_impl/aicpu/masked_scatter.py +40 -0
- mindspore/ops/_op_impl/aicpu/masked_select.py +31 -0
- mindspore/ops/_op_impl/aicpu/masked_select_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/matmul.py +39 -0
- mindspore/ops/_op_impl/aicpu/matrix_band_part.py +59 -0
- mindspore/ops/_op_impl/aicpu/matrix_determinant.py +30 -0
- mindspore/ops/_op_impl/aicpu/matrix_diag_part_v3.py +54 -0
- mindspore/ops/_op_impl/aicpu/matrix_diag_v3.py +56 -0
- mindspore/ops/_op_impl/aicpu/matrix_exp.py +34 -0
- mindspore/ops/_op_impl/aicpu/matrix_inverse.py +31 -0
- mindspore/ops/_op_impl/aicpu/matrix_logarithm.py +31 -0
- mindspore/ops/_op_impl/aicpu/matrix_power.py +37 -0
- mindspore/ops/_op_impl/aicpu/matrix_set_diag_v3.py +54 -0
- mindspore/ops/_op_impl/aicpu/matrix_solve.py +35 -0
- mindspore/ops/_op_impl/aicpu/matrix_solve_ls.py +36 -0
- mindspore/ops/_op_impl/aicpu/matrix_triangular_solve.py +36 -0
- mindspore/ops/_op_impl/aicpu/max_pool3d_grad_with_argmax.py +60 -0
- mindspore/ops/_op_impl/aicpu/max_pool3d_with_argmax.py +59 -0
- mindspore/ops/_op_impl/aicpu/max_unpool2d.py +57 -0
- mindspore/ops/_op_impl/aicpu/max_unpool2d_grad.py +58 -0
- mindspore/ops/_op_impl/aicpu/max_unpool3d.py +57 -0
- mindspore/ops/_op_impl/aicpu/max_unpool3d_grad.py +58 -0
- mindspore/ops/_op_impl/aicpu/maximum_grad_grad.py +40 -0
- mindspore/ops/_op_impl/aicpu/maxpool_grad_v1.py +46 -0
- mindspore/ops/_op_impl/aicpu/maxpool_v1.py +42 -0
- mindspore/ops/_op_impl/aicpu/median.py +39 -0
- mindspore/ops/_op_impl/aicpu/median_grad.py +45 -0
- mindspore/ops/_op_impl/aicpu/meshgrid.py +41 -0
- mindspore/ops/_op_impl/aicpu/minimum_grad_grad.py +40 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad.py +50 -0
- mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +48 -0
- mindspore/ops/_op_impl/aicpu/mul.py +43 -0
- mindspore/ops/_op_impl/aicpu/mul_no_nan.py +42 -0
- mindspore/ops/_op_impl/aicpu/multi_margin_loss.py +37 -0
- mindspore/ops/_op_impl/aicpu/multi_margin_loss_grad.py +41 -0
- mindspore/ops/_op_impl/aicpu/multilabel_margin_loss_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/multinomial.py +47 -0
- mindspore/ops/_op_impl/aicpu/multinomial_with_replacement.py +35 -0
- mindspore/ops/_op_impl/aicpu/mvlgamma.py +32 -0
- mindspore/ops/_op_impl/aicpu/mvlgamma_grad.py +33 -0
- mindspore/ops/_op_impl/aicpu/nan_to_num.py +34 -0
- mindspore/ops/_op_impl/aicpu/neg.py +36 -0
- mindspore/ops/_op_impl/aicpu/nextafter.py +32 -0
- mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
- mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/no_repeat_ngram.py +34 -0
- mindspore/ops/_op_impl/aicpu/non_deterministic_ints.py +33 -0
- mindspore/ops/_op_impl/aicpu/non_max_suppression.py +36 -0
- mindspore/ops/_op_impl/aicpu/non_max_suppression_with_overlaps.py +35 -0
- mindspore/ops/_op_impl/aicpu/non_zero.py +43 -0
- mindspore/ops/_op_impl/aicpu/not_equal.py +39 -0
- mindspore/ops/_op_impl/aicpu/nth_element.py +39 -0
- mindspore/ops/_op_impl/aicpu/nuclear_norm.py +33 -0
- mindspore/ops/_op_impl/aicpu/one_hot.py +116 -0
- mindspore/ops/_op_impl/aicpu/ones_like.py +39 -0
- mindspore/ops/_op_impl/aicpu/orgqr.py +34 -0
- mindspore/ops/_op_impl/aicpu/pad_and_shift.py +33 -0
- mindspore/ops/_op_impl/aicpu/pad_v3.py +61 -0
- mindspore/ops/_op_impl/aicpu/pad_v3_grad.py +59 -0
- mindspore/ops/_op_impl/aicpu/padding.py +41 -0
- mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +54 -0
- mindspore/ops/_op_impl/aicpu/pdist_grad.py +33 -0
- mindspore/ops/_op_impl/aicpu/poisson.py +37 -0
- mindspore/ops/_op_impl/aicpu/polar.py +32 -0
- mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
- mindspore/ops/_op_impl/aicpu/pow.py +39 -0
- mindspore/ops/_op_impl/aicpu/print_tensor.py +39 -0
- mindspore/ops/_op_impl/aicpu/priority_replay_buffer.py +113 -0
- mindspore/ops/_op_impl/aicpu/qr.py +36 -0
- mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
- mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
- mindspore/ops/_op_impl/aicpu/ragged_range.py +49 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_tensor.py +74 -0
- mindspore/ops/_op_impl/aicpu/random_categorical.py +68 -0
- mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +36 -0
- mindspore/ops/_op_impl/aicpu/random_gamma.py +38 -0
- mindspore/ops/_op_impl/aicpu/random_poisson.py +134 -0
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +47 -0
- mindspore/ops/_op_impl/aicpu/randperm.py +38 -0
- mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/range.py +36 -0
- mindspore/ops/_op_impl/aicpu/range_v2.py +35 -0
- mindspore/ops/_op_impl/aicpu/real.py +31 -0
- mindspore/ops/_op_impl/aicpu/real_div.py +40 -0
- mindspore/ops/_op_impl/aicpu/reciprocal.py +34 -0
- mindspore/ops/_op_impl/aicpu/reciprocal_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/reduce_mean.py +57 -0
- mindspore/ops/_op_impl/aicpu/reduce_prod.py +57 -0
- mindspore/ops/_op_impl/aicpu/reduce_sum.py +57 -0
- mindspore/ops/_op_impl/aicpu/relu_grad_v3.py +41 -0
- mindspore/ops/_op_impl/aicpu/relu_v3.py +38 -0
- mindspore/ops/_op_impl/aicpu/reservoir_replay_buffer.py +96 -0
- mindspore/ops/_op_impl/aicpu/reshape.py +42 -0
- mindspore/ops/_op_impl/aicpu/resize_area.py +40 -0
- mindspore/ops/_op_impl/aicpu/resize_bicubic.py +20 -0
- mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +19 -0
- mindspore/ops/_op_impl/aicpu/resize_bilinear.py +32 -0
- mindspore/ops/_op_impl/aicpu/resize_bilinear_grad.py +32 -0
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2.py +36 -0
- mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
- mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
- mindspore/ops/_op_impl/aicpu/reverse_sequence.py +55 -0
- mindspore/ops/_op_impl/aicpu/reversev2.py +54 -0
- mindspore/ops/_op_impl/aicpu/rgb_to_hsv.py +32 -0
- mindspore/ops/_op_impl/aicpu/right_shift.py +38 -0
- mindspore/ops/_op_impl/aicpu/rnnt_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/round.py +34 -0
- mindspore/ops/_op_impl/aicpu/rsqrt.py +33 -0
- mindspore/ops/_op_impl/aicpu/rsqrt_grad.py +36 -0
- mindspore/ops/_op_impl/aicpu/sample_distorted_bounding_box_v2.py +49 -0
- mindspore/ops/_op_impl/aicpu/scale_and_translate.py +52 -0
- mindspore/ops/_op_impl/aicpu/scale_and_translate_grad.py +36 -0
- mindspore/ops/_op_impl/aicpu/scatter.py +79 -0
- mindspore/ops/_op_impl/aicpu/scatter_add_with_axis.py +53 -0
- mindspore/ops/_op_impl/aicpu/scatter_elements.py +39 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd.py +59 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_max.py +54 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_min.py +54 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +59 -0
- mindspore/ops/_op_impl/aicpu/search_sorted.py +44 -0
- mindspore/ops/_op_impl/aicpu/segment_max.py +52 -0
- mindspore/ops/_op_impl/aicpu/segment_mean.py +56 -0
- mindspore/ops/_op_impl/aicpu/segment_min.py +52 -0
- mindspore/ops/_op_impl/aicpu/segment_prod.py +56 -0
- mindspore/ops/_op_impl/aicpu/segment_sum.py +56 -0
- mindspore/ops/_op_impl/aicpu/select.py +45 -0
- mindspore/ops/_op_impl/aicpu/self_adjoint_eig.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
- mindspore/ops/_op_impl/aicpu/sequence_concat.py +40 -0
- mindspore/ops/_op_impl/aicpu/sequence_stack.py +40 -0
- mindspore/ops/_op_impl/aicpu/set_size.py +38 -0
- mindspore/ops/_op_impl/aicpu/sign.py +36 -0
- mindspore/ops/_op_impl/aicpu/sin.py +34 -0
- mindspore/ops/_op_impl/aicpu/sinc.py +43 -0
- mindspore/ops/_op_impl/aicpu/sinh.py +34 -0
- mindspore/ops/_op_impl/aicpu/slice.py +59 -0
- mindspore/ops/_op_impl/aicpu/slice_grad.py +76 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/sort.py +39 -0
- mindspore/ops/_op_impl/aicpu/space_to_depth.py +44 -0
- mindspore/ops/_op_impl/aicpu/sparse_addmm.py +87 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +80 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_centered_rms_prop.py +105 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_momentum.py +80 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_proximal_gradient_descent.py +79 -0
- mindspore/ops/_op_impl/aicpu/sparse_concat.py +59 -0
- mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
- mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_add.py +58 -0
- mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_div.py +58 -0
- mindspore/ops/_op_impl/aicpu/sparse_dense_cwise_mul.py +58 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_fill_empty_rows_grad.py +45 -0
- mindspore/ops/_op_impl/aicpu/sparse_matrix_mat_mul.py +56 -0
- mindspore/ops/_op_impl/aicpu/sparse_matrix_nnz.py +81 -0
- mindspore/ops/_op_impl/aicpu/sparse_matrix_transpose.py +116 -0
- mindspore/ops/_op_impl/aicpu/sparse_reorder.py +56 -0
- mindspore/ops/_op_impl/aicpu/sparse_reshape.py +34 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_mean_grad.py +36 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_mean_with_num_segments.py +44 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n.py +43 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n_grad.py +38 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_sqrt_n_with_num_segments.py +44 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_sum.py +49 -0
- mindspore/ops/_op_impl/aicpu/sparse_segment_sum_with_num_segments.py +68 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice.py +63 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +61 -0
- mindspore/ops/_op_impl/aicpu/sparse_softmax.py +33 -0
- mindspore/ops/_op_impl/aicpu/sparse_softmax_cross_entropy_with_logits_v2.py +35 -0
- mindspore/ops/_op_impl/aicpu/sparse_sparse_maximum.py +53 -0
- mindspore/ops/_op_impl/aicpu/sparse_sparse_minimum.py +53 -0
- mindspore/ops/_op_impl/aicpu/sparse_tensor_dense_add.py +84 -0
- mindspore/ops/_op_impl/aicpu/sparse_tensor_dense_mat_mul.py +190 -0
- mindspore/ops/_op_impl/aicpu/sparse_tensor_to_csr_sparse_matrix.py +51 -0
- mindspore/ops/_op_impl/aicpu/sparse_to_dense_v2.py +73 -0
- mindspore/ops/_op_impl/aicpu/split.py +45 -0
- mindspore/ops/_op_impl/aicpu/sqrt.py +34 -0
- mindspore/ops/_op_impl/aicpu/sqrt_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/square.py +35 -0
- mindspore/ops/_op_impl/aicpu/squared_difference.py +37 -0
- mindspore/ops/_op_impl/aicpu/squeeze.py +42 -0
- mindspore/ops/_op_impl/aicpu/sspaddmm.py +97 -0
- mindspore/ops/_op_impl/aicpu/stack.py +45 -0
- mindspore/ops/_op_impl/aicpu/stack_push_pop.py +87 -0
- mindspore/ops/_op_impl/aicpu/standard_laplace.py +34 -0
- mindspore/ops/_op_impl/aicpu/standard_normal.py +34 -0
- mindspore/ops/_op_impl/aicpu/stateless_dropout_genmask.py +37 -0
- mindspore/ops/_op_impl/aicpu/stft.py +70 -0
- mindspore/ops/_op_impl/aicpu/strided_slice.py +43 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_grad.py +50 -0
- mindspore/ops/_op_impl/aicpu/sub.py +41 -0
- mindspore/ops/_op_impl/aicpu/sub_and_filter.py +36 -0
- mindspore/ops/_op_impl/aicpu/tan.py +34 -0
- mindspore/ops/_op_impl/aicpu/tanh.py +34 -0
- mindspore/ops/_op_impl/aicpu/tanh_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
- mindspore/ops/_op_impl/aicpu/tile.py +56 -0
- mindspore/ops/_op_impl/aicpu/topk.py +34 -0
- mindspore/ops/_op_impl/aicpu/trace.py +40 -0
- mindspore/ops/_op_impl/aicpu/tracegrad.py +41 -0
- mindspore/ops/_op_impl/aicpu/trans_data.py +35 -0
- mindspore/ops/_op_impl/aicpu/transpose.py +58 -0
- mindspore/ops/_op_impl/aicpu/tridiagonal_matmul.py +42 -0
- mindspore/ops/_op_impl/aicpu/tridiagonal_solve.py +35 -0
- mindspore/ops/_op_impl/aicpu/tril.py +42 -0
- mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/triplet_margin_loss.py +62 -0
- mindspore/ops/_op_impl/aicpu/triu.py +43 -0
- mindspore/ops/_op_impl/aicpu/triu_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/truncated_normal.py +39 -0
- mindspore/ops/_op_impl/aicpu/uniform.py +36 -0
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +41 -0
- mindspore/ops/_op_impl/aicpu/uniform_int.py +36 -0
- mindspore/ops/_op_impl/aicpu/uniform_real.py +33 -0
- mindspore/ops/_op_impl/aicpu/unique.py +31 -0
- mindspore/ops/_op_impl/aicpu/unique_consecutive.py +47 -0
- mindspore/ops/_op_impl/aicpu/unique_with_pad.py +32 -0
- mindspore/ops/_op_impl/aicpu/unravel_index.py +32 -0
- mindspore/ops/_op_impl/aicpu/unsorted_segment_prod.py +53 -0
- mindspore/ops/_op_impl/aicpu/unsorted_segment_sum.py +57 -0
- mindspore/ops/_op_impl/aicpu/unstack.py +45 -0
- mindspore/ops/_op_impl/aicpu/update_cache.py +44 -0
- mindspore/ops/_op_impl/aicpu/upper_bound.py +47 -0
- mindspore/ops/_op_impl/aicpu/upsample_nearest_3d.py +42 -0
- mindspore/ops/_op_impl/aicpu/upsample_nearest_3d_grad.py +49 -0
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d.py +40 -0
- mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d_grad.py +50 -0
- mindspore/ops/_op_impl/aicpu/xdivy.py +35 -0
- mindspore/ops/_op_impl/aicpu/xlogy.py +33 -0
- mindspore/ops/_op_impl/aicpu/zeros_like.py +42 -0
- mindspore/ops/_op_impl/aicpu/zeta.py +31 -0
- mindspore/ops/_op_impl/akg/__init__.py +19 -0
- mindspore/ops/_op_impl/akg/ascend/__init__.py +48 -0
- mindspore/ops/_op_impl/akg/ascend/abs.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/add.py +42 -0
- mindspore/ops/_op_impl/akg/ascend/add_n.py +37 -0
- mindspore/ops/_op_impl/akg/ascend/batchmatmul.py +33 -0
- mindspore/ops/_op_impl/akg/ascend/cast.py +46 -0
- mindspore/ops/_op_impl/akg/ascend/equal.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/exp.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/expand_dims.py +33 -0
- mindspore/ops/_op_impl/akg/ascend/greater.py +34 -0
- mindspore/ops/_op_impl/akg/ascend/greater_equal.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/less.py +31 -0
- mindspore/ops/_op_impl/akg/ascend/less_equal.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/load_im2col.py +33 -0
- mindspore/ops/_op_impl/akg/ascend/log.py +34 -0
- mindspore/ops/_op_impl/akg/ascend/maximum.py +36 -0
- mindspore/ops/_op_impl/akg/ascend/minimum.py +39 -0
- mindspore/ops/_op_impl/akg/ascend/mul.py +41 -0
- mindspore/ops/_op_impl/akg/ascend/neg.py +37 -0
- mindspore/ops/_op_impl/akg/ascend/pow.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/prod_force_se_a.py +33 -0
- mindspore/ops/_op_impl/akg/ascend/real_div.py +36 -0
- mindspore/ops/_op_impl/akg/ascend/reciprocal.py +32 -0
- mindspore/ops/_op_impl/akg/ascend/reduce_max.py +32 -0
- mindspore/ops/_op_impl/akg/ascend/reduce_min.py +32 -0
- mindspore/ops/_op_impl/akg/ascend/reduce_sum.py +37 -0
- mindspore/ops/_op_impl/akg/ascend/rsqrt.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/select.py +37 -0
- mindspore/ops/_op_impl/akg/ascend/sqrt.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/square.py +35 -0
- mindspore/ops/_op_impl/akg/ascend/sub.py +42 -0
- mindspore/ops/_op_impl/akg/cpu/__init__.py +23 -0
- mindspore/ops/_op_impl/akg/cpu/coo2csr.py +29 -0
- mindspore/ops/_op_impl/akg/cpu/csr2coo.py +29 -0
- mindspore/ops/_op_impl/akg/cpu/csr_gather.py +33 -0
- mindspore/ops/_op_impl/akg/cpu/csr_mm.py +34 -0
- mindspore/ops/_op_impl/akg/cpu/csr_mul.py +33 -0
- mindspore/ops/_op_impl/akg/cpu/csr_mv.py +33 -0
- mindspore/ops/_op_impl/akg/cpu/csr_reduce_sum.py +31 -0
- mindspore/ops/_op_impl/akg/gpu/__init__.py +24 -0
- mindspore/ops/_op_impl/akg/gpu/coo2csr.py +29 -0
- mindspore/ops/_op_impl/akg/gpu/csr2coo.py +29 -0
- mindspore/ops/_op_impl/akg/gpu/csr_div.py +36 -0
- mindspore/ops/_op_impl/akg/gpu/csr_gather.py +33 -0
- mindspore/ops/_op_impl/akg/gpu/csr_mm.py +37 -0
- mindspore/ops/_op_impl/akg/gpu/csr_mul.py +36 -0
- mindspore/ops/_op_impl/akg/gpu/csr_mv.py +36 -0
- mindspore/ops/_op_impl/akg/gpu/csr_reduce_sum.py +33 -0
- mindspore/ops/_op_impl/cpu/__init__.py +78 -0
- mindspore/ops/_op_impl/cpu/adam.py +49 -0
- mindspore/ops/_op_impl/cpu/adam_weight_decay.py +47 -0
- mindspore/ops/_op_impl/cpu/arg_max.py +30 -0
- mindspore/ops/_op_impl/cpu/arg_max_with_value.py +31 -0
- mindspore/ops/_op_impl/cpu/arg_min_with_value.py +31 -0
- mindspore/ops/_op_impl/cpu/buffer_append.py +28 -0
- mindspore/ops/_op_impl/cpu/buffer_get.py +28 -0
- mindspore/ops/_op_impl/cpu/buffer_sample.py +28 -0
- mindspore/ops/_op_impl/cpu/cast.py +171 -0
- mindspore/ops/_op_impl/cpu/concat_offset.py +38 -0
- mindspore/ops/_op_impl/cpu/conv2d.py +30 -0
- mindspore/ops/_op_impl/cpu/conv3d.py +30 -0
- mindspore/ops/_op_impl/cpu/div.py +32 -0
- mindspore/ops/_op_impl/cpu/dropout.py +31 -0
- mindspore/ops/_op_impl/cpu/dropout_grad.py +30 -0
- mindspore/ops/_op_impl/cpu/dynamic_shape.py +42 -0
- mindspore/ops/_op_impl/cpu/dynamic_stitch.py +41 -0
- mindspore/ops/_op_impl/cpu/equal_count.py +30 -0
- mindspore/ops/_op_impl/cpu/gather_d.py +49 -0
- mindspore/ops/_op_impl/cpu/gather_d_grad.py +38 -0
- mindspore/ops/_op_impl/cpu/gather_d_grad_v2.py +40 -0
- mindspore/ops/_op_impl/cpu/gather_v2.py +40 -0
- mindspore/ops/_op_impl/cpu/hsigmoid.py +33 -0
- mindspore/ops/_op_impl/cpu/hsigmoid_grad.py +34 -0
- mindspore/ops/_op_impl/cpu/hswish.py +32 -0
- mindspore/ops/_op_impl/cpu/hswish_grad.py +33 -0
- mindspore/ops/_op_impl/cpu/identity_n.py +40 -0
- mindspore/ops/_op_impl/cpu/is_finite.py +39 -0
- mindspore/ops/_op_impl/cpu/l2loss.py +30 -0
- mindspore/ops/_op_impl/cpu/layer_norm.py +36 -0
- mindspore/ops/_op_impl/cpu/layer_norm_grad.py +38 -0
- mindspore/ops/_op_impl/cpu/maximum.py +35 -0
- mindspore/ops/_op_impl/cpu/maximum_grad.py +47 -0
- mindspore/ops/_op_impl/cpu/minimum.py +40 -0
- mindspore/ops/_op_impl/cpu/minimum_grad.py +51 -0
- mindspore/ops/_op_impl/cpu/mirror_pad.py +36 -0
- mindspore/ops/_op_impl/cpu/mirror_pad_grad.py +36 -0
- mindspore/ops/_op_impl/cpu/mul.py +32 -0
- mindspore/ops/_op_impl/cpu/one_hot.py +31 -0
- mindspore/ops/_op_impl/cpu/pad.py +32 -0
- mindspore/ops/_op_impl/cpu/pow.py +32 -0
- mindspore/ops/_op_impl/cpu/priority_replay_buffer.py +42 -0
- mindspore/ops/_op_impl/cpu/pyexecute.py +29 -0
- mindspore/ops/_op_impl/cpu/pyfunc.py +29 -0
- mindspore/ops/_op_impl/cpu/range.py +34 -0
- mindspore/ops/_op_impl/cpu/real_div.py +33 -0
- mindspore/ops/_op_impl/cpu/reduce_all.py +29 -0
- mindspore/ops/_op_impl/cpu/reduce_any.py +29 -0
- mindspore/ops/_op_impl/cpu/reduce_max.py +32 -0
- mindspore/ops/_op_impl/cpu/reduce_mean.py +40 -0
- mindspore/ops/_op_impl/cpu/reduce_min.py +32 -0
- mindspore/ops/_op_impl/cpu/reduce_prod.py +40 -0
- mindspore/ops/_op_impl/cpu/reduce_std.py +31 -0
- mindspore/ops/_op_impl/cpu/reduce_sum.py +41 -0
- mindspore/ops/_op_impl/cpu/space_to_batch_nd.py +38 -0
- mindspore/ops/_op_impl/cpu/sparse_slice.py +62 -0
- mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +60 -0
- mindspore/ops/_op_impl/cpu/split.py +34 -0
- mindspore/ops/_op_impl/cpu/sspaddmm.py +95 -0
- mindspore/ops/_op_impl/cpu/stack.py +38 -0
- mindspore/ops/_op_impl/cpu/sub.py +32 -0
- mindspore/ops/_op_impl/cpu/tensor_copy_slices.py +41 -0
- mindspore/ops/_op_impl/cpu/tile.py +37 -0
- mindspore/ops/_op_impl/cpu/top_k.py +31 -0
- mindspore/ops/_op_impl/cpu/transpose.py +39 -0
- mindspore/ops/_primitive_cache.py +90 -0
- mindspore/ops/_register_for_op.py +73 -0
- mindspore/ops/_utils/__init__.py +20 -0
- mindspore/ops/_utils/utils.py +147 -0
- mindspore/ops/_vmap/__init__.py +25 -0
- mindspore/ops/_vmap/vmap_array_ops.py +2149 -0
- mindspore/ops/_vmap/vmap_base.py +533 -0
- mindspore/ops/_vmap/vmap_convolution_ops.py +441 -0
- mindspore/ops/_vmap/vmap_debug_ops.py +50 -0
- mindspore/ops/_vmap/vmap_grad_math_ops.py +274 -0
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +806 -0
- mindspore/ops/_vmap/vmap_image_ops.py +194 -0
- mindspore/ops/_vmap/vmap_math_ops.py +993 -0
- mindspore/ops/_vmap/vmap_nn_ops.py +2250 -0
- mindspore/ops/_vmap/vmap_other_ops.py +105 -0
- mindspore/ops/_vmap/vmap_random_ops.py +122 -0
- mindspore/ops/_vmap/vmap_sparse_ops.py +89 -0
- mindspore/ops/auto_generate/__init__.py +31 -0
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +309 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +252 -0
- mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
- mindspore/ops/auto_generate/gen_extend_func.py +1701 -0
- mindspore/ops/auto_generate/gen_ops_def.py +8482 -0
- mindspore/ops/auto_generate/gen_ops_prim.py +16704 -0
- mindspore/ops/auto_generate/pyboost_inner_prim.py +549 -0
- mindspore/ops/composite/__init__.py +71 -0
- mindspore/ops/composite/base.py +1318 -0
- mindspore/ops/composite/env_ops.py +41 -0
- mindspore/ops/composite/math_ops.py +125 -0
- mindspore/ops/composite/multitype_ops/__init__.py +77 -0
- mindspore/ops/composite/multitype_ops/_compile_utils.py +1459 -0
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +897 -0
- mindspore/ops/composite/multitype_ops/add_impl.py +606 -0
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +56 -0
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +56 -0
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +56 -0
- mindspore/ops/composite/multitype_ops/div_impl.py +189 -0
- mindspore/ops/composite/multitype_ops/equal_impl.py +335 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +88 -0
- mindspore/ops/composite/multitype_ops/getitem_impl.py +400 -0
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +109 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +110 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +196 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +37 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +111 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +112 -0
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +113 -0
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +60 -0
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +61 -0
- mindspore/ops/composite/multitype_ops/mod_impl.py +86 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +294 -0
- mindspore/ops/composite/multitype_ops/negative_impl.py +79 -0
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +290 -0
- mindspore/ops/composite/multitype_ops/not_in_impl.py +196 -0
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +96 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +87 -0
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +37 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +884 -0
- mindspore/ops/composite/multitype_ops/sub_impl.py +116 -0
- mindspore/ops/composite/multitype_ops/uadd_impl.py +29 -0
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +228 -0
- mindspore/ops/deprecated.py +315 -0
- mindspore/ops/function/__init__.py +782 -0
- mindspore/ops/function/array_func.py +7226 -0
- mindspore/ops/function/clip_func.py +384 -0
- mindspore/ops/function/debug_func.py +181 -0
- mindspore/ops/function/fft_func.py +44 -0
- mindspore/ops/function/grad/__init__.py +34 -0
- mindspore/ops/function/grad/grad_func.py +1425 -0
- mindspore/ops/function/image_func.py +292 -0
- mindspore/ops/function/linalg_func.py +416 -0
- mindspore/ops/function/math_func.py +12228 -0
- mindspore/ops/function/nn_func.py +8609 -0
- mindspore/ops/function/other_func.py +115 -0
- mindspore/ops/function/parameter_func.py +134 -0
- mindspore/ops/function/random_func.py +1715 -0
- mindspore/ops/function/reshard_func.py +104 -0
- mindspore/ops/function/sparse_func.py +884 -0
- mindspore/ops/function/sparse_unary_func.py +2422 -0
- mindspore/ops/function/spectral_func.py +150 -0
- mindspore/ops/function/vmap_func.py +117 -0
- mindspore/ops/functional.py +464 -0
- mindspore/ops/op_info_register.py +1572 -0
- mindspore/ops/operations/__init__.py +722 -0
- mindspore/ops/operations/_csr_ops.py +403 -0
- mindspore/ops/operations/_custom_grad.py +181 -0
- mindspore/ops/operations/_embedding_cache_ops.py +307 -0
- mindspore/ops/operations/_grad_ops.py +2978 -0
- mindspore/ops/operations/_infer_ops.py +19 -0
- mindspore/ops/operations/_inner_ops.py +2544 -0
- mindspore/ops/operations/_map_tensor_ops.py +112 -0
- mindspore/ops/operations/_ms_kernel.py +601 -0
- mindspore/ops/operations/_ocr_ops.py +379 -0
- mindspore/ops/operations/_opaque_predicate_registry.py +41 -0
- mindspore/ops/operations/_pyfunc_registry.py +58 -0
- mindspore/ops/operations/_quant_ops.py +1844 -0
- mindspore/ops/operations/_rl_inner_ops.py +1231 -0
- mindspore/ops/operations/_scalar_ops.py +106 -0
- mindspore/ops/operations/_sequence_ops.py +1155 -0
- mindspore/ops/operations/_sparse_grad_ops.py +56 -0
- mindspore/ops/operations/_tensor_array.py +359 -0
- mindspore/ops/operations/_thor_ops.py +807 -0
- mindspore/ops/operations/array_ops.py +6124 -0
- mindspore/ops/operations/comm_ops.py +1985 -0
- mindspore/ops/operations/control_ops.py +127 -0
- mindspore/ops/operations/custom_ops.py +1129 -0
- mindspore/ops/operations/debug_ops.py +678 -0
- mindspore/ops/operations/image_ops.py +1041 -0
- mindspore/ops/operations/inner_ops.py +697 -0
- mindspore/ops/operations/linalg_ops.py +95 -0
- mindspore/ops/operations/manually_defined/__init__.py +24 -0
- mindspore/ops/operations/manually_defined/_inner.py +73 -0
- mindspore/ops/operations/manually_defined/ops_def.py +2271 -0
- mindspore/ops/operations/math_ops.py +5095 -0
- mindspore/ops/operations/nn_ops.py +9575 -0
- mindspore/ops/operations/other_ops.py +874 -0
- mindspore/ops/operations/random_ops.py +1288 -0
- mindspore/ops/operations/reshard_ops.py +53 -0
- mindspore/ops/operations/rl_ops.py +288 -0
- mindspore/ops/operations/sparse_ops.py +2753 -0
- mindspore/ops/operations/spectral_ops.py +111 -0
- mindspore/ops/primitive.py +1046 -0
- mindspore/ops/signature.py +54 -0
- mindspore/ops/vm_impl_registry.py +91 -0
- mindspore/ops_generate/__init__.py +27 -0
- mindspore/ops_generate/arg_dtype_cast.py +252 -0
- mindspore/ops_generate/arg_handler.py +197 -0
- mindspore/ops_generate/gen_aclnn_implement.py +263 -0
- mindspore/ops_generate/gen_constants.py +36 -0
- mindspore/ops_generate/gen_ops.py +1099 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
- mindspore/ops_generate/gen_pyboost_func.py +1052 -0
- mindspore/ops_generate/gen_utils.py +209 -0
- mindspore/ops_generate/op_proto.py +145 -0
- mindspore/ops_generate/pyboost_utils.py +367 -0
- mindspore/ops_generate/template.py +261 -0
- mindspore/parallel/__init__.py +30 -0
- mindspore/parallel/_auto_parallel_context.py +1486 -0
- mindspore/parallel/_cell_wrapper.py +174 -0
- mindspore/parallel/_cost_model_context.py +700 -0
- mindspore/parallel/_dp_allreduce_fusion.py +159 -0
- mindspore/parallel/_offload_context.py +275 -0
- mindspore/parallel/_parallel_serialization.py +561 -0
- mindspore/parallel/_ps_context.py +242 -0
- mindspore/parallel/_recovery_context.py +110 -0
- mindspore/parallel/_tensor.py +730 -0
- mindspore/parallel/_transformer/__init__.py +35 -0
- mindspore/parallel/_transformer/layers.py +765 -0
- mindspore/parallel/_transformer/loss.py +251 -0
- mindspore/parallel/_transformer/moe.py +693 -0
- mindspore/parallel/_transformer/op_parallel_config.py +222 -0
- mindspore/parallel/_transformer/transformer.py +3119 -0
- mindspore/parallel/_utils.py +612 -0
- mindspore/parallel/algo_parameter_config.py +400 -0
- mindspore/parallel/checkpoint_transform.py +650 -0
- mindspore/parallel/cluster/__init__.py +15 -0
- mindspore/parallel/cluster/process_entity/__init__.py +18 -0
- mindspore/parallel/cluster/process_entity/_api.py +352 -0
- mindspore/parallel/cluster/process_entity/_utils.py +101 -0
- mindspore/parallel/cluster/run.py +136 -0
- mindspore/parallel/mpi/__init__.py +14 -0
- mindspore/parallel/mpi/_mpi_config.py +116 -0
- mindspore/parallel/parameter_broadcast.py +151 -0
- mindspore/parallel/shard.py +481 -0
- mindspore/parallel/transform_safetensors.py +993 -0
- mindspore/profiler/__init__.py +28 -0
- mindspore/profiler/common/__init__.py +14 -0
- mindspore/profiler/common/constant.py +29 -0
- mindspore/profiler/common/exceptions/__init__.py +14 -0
- mindspore/profiler/common/exceptions/error_code.py +83 -0
- mindspore/profiler/common/exceptions/exceptions.py +286 -0
- mindspore/profiler/common/process_pool.py +41 -0
- mindspore/profiler/common/registry.py +47 -0
- mindspore/profiler/common/singleton.py +28 -0
- mindspore/profiler/common/struct_type.py +118 -0
- mindspore/profiler/common/util.py +472 -0
- mindspore/profiler/common/validator/__init__.py +14 -0
- mindspore/profiler/common/validator/validate_path.py +84 -0
- mindspore/profiler/dynamic_profiler.py +694 -0
- mindspore/profiler/envprofiling.py +254 -0
- mindspore/profiler/parser/__init__.py +14 -0
- mindspore/profiler/parser/aicpu_data_parser.py +272 -0
- mindspore/profiler/parser/ascend_analysis/__init__.py +14 -0
- mindspore/profiler/parser/ascend_analysis/constant.py +71 -0
- mindspore/profiler/parser/ascend_analysis/file_manager.py +180 -0
- mindspore/profiler/parser/ascend_analysis/function_event.py +185 -0
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +136 -0
- mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +131 -0
- mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +104 -0
- mindspore/profiler/parser/ascend_analysis/path_manager.py +313 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +123 -0
- mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
- mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +75 -0
- mindspore/profiler/parser/ascend_cluster_generator.py +116 -0
- mindspore/profiler/parser/ascend_communicate_generator.py +314 -0
- mindspore/profiler/parser/ascend_flops_generator.py +116 -0
- mindspore/profiler/parser/ascend_fpbp_generator.py +82 -0
- mindspore/profiler/parser/ascend_hccl_generator.py +271 -0
- mindspore/profiler/parser/ascend_integrate_generator.py +42 -0
- mindspore/profiler/parser/ascend_memory_generator.py +185 -0
- mindspore/profiler/parser/ascend_msprof_exporter.py +282 -0
- mindspore/profiler/parser/ascend_msprof_generator.py +187 -0
- mindspore/profiler/parser/ascend_op_generator.py +334 -0
- mindspore/profiler/parser/ascend_steptrace_generator.py +94 -0
- mindspore/profiler/parser/ascend_timeline_generator.py +545 -0
- mindspore/profiler/parser/base_timeline_generator.py +483 -0
- mindspore/profiler/parser/container.py +229 -0
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +697 -0
- mindspore/profiler/parser/flops_parser.py +531 -0
- mindspore/profiler/parser/framework_enum.py +111 -0
- mindspore/profiler/parser/framework_parser.py +464 -0
- mindspore/profiler/parser/framework_struct.py +61 -0
- mindspore/profiler/parser/gpu_analysis/__init__.py +14 -0
- mindspore/profiler/parser/gpu_analysis/function_event.py +44 -0
- mindspore/profiler/parser/gpu_analysis/fwk_file_parser.py +89 -0
- mindspore/profiler/parser/gpu_analysis/profiler_info_parser.py +72 -0
- mindspore/profiler/parser/hccl_parser.py +573 -0
- mindspore/profiler/parser/hwts_log_parser.py +122 -0
- mindspore/profiler/parser/integrator.py +526 -0
- mindspore/profiler/parser/memory_usage_parser.py +277 -0
- mindspore/profiler/parser/minddata_analyzer.py +800 -0
- mindspore/profiler/parser/minddata_parser.py +186 -0
- mindspore/profiler/parser/minddata_pipeline_parser.py +299 -0
- mindspore/profiler/parser/op_intermediate_parser.py +149 -0
- mindspore/profiler/parser/optime_parser.py +250 -0
- mindspore/profiler/parser/profiler_info.py +213 -0
- mindspore/profiler/parser/step_trace_parser.py +666 -0
- mindspore/profiler/profiler.py +153 -0
- mindspore/profiler/profiling.py +1922 -0
- mindspore/rewrite/__init__.py +28 -0
- mindspore/rewrite/api/__init__.py +17 -0
- mindspore/rewrite/api/node.py +519 -0
- mindspore/rewrite/api/node_type.py +53 -0
- mindspore/rewrite/api/pattern_engine.py +490 -0
- mindspore/rewrite/api/scoped_value.py +181 -0
- mindspore/rewrite/api/symbol_tree.py +497 -0
- mindspore/rewrite/ast_helpers/__init__.py +25 -0
- mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
- mindspore/rewrite/ast_helpers/ast_finder.py +404 -0
- mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +605 -0
- mindspore/rewrite/ast_helpers/ast_replacer.py +79 -0
- mindspore/rewrite/common/__init__.py +19 -0
- mindspore/rewrite/common/config.py +24 -0
- mindspore/rewrite/common/error_log.py +39 -0
- mindspore/rewrite/common/event.py +28 -0
- mindspore/rewrite/common/namer.py +271 -0
- mindspore/rewrite/common/namespace.py +118 -0
- mindspore/rewrite/common/observable.py +44 -0
- mindspore/rewrite/common/observer.py +54 -0
- mindspore/rewrite/node/__init__.py +22 -0
- mindspore/rewrite/node/call_function.py +95 -0
- mindspore/rewrite/node/cell_container.py +139 -0
- mindspore/rewrite/node/control_flow.py +113 -0
- mindspore/rewrite/node/node.py +1428 -0
- mindspore/rewrite/node/node_manager.py +283 -0
- mindspore/rewrite/node/node_topological_manager.py +223 -0
- mindspore/rewrite/parsers/__init__.py +29 -0
- mindspore/rewrite/parsers/arguments_parser.py +63 -0
- mindspore/rewrite/parsers/assign_parser.py +852 -0
- mindspore/rewrite/parsers/attribute_parser.py +57 -0
- mindspore/rewrite/parsers/class_def_parser.py +289 -0
- mindspore/rewrite/parsers/constant_parser.py +104 -0
- mindspore/rewrite/parsers/container_parser.py +88 -0
- mindspore/rewrite/parsers/expr_parser.py +55 -0
- mindspore/rewrite/parsers/for_parser.py +61 -0
- mindspore/rewrite/parsers/function_def_parser.py +84 -0
- mindspore/rewrite/parsers/if_parser.py +85 -0
- mindspore/rewrite/parsers/module_parser.py +117 -0
- mindspore/rewrite/parsers/parser.py +43 -0
- mindspore/rewrite/parsers/parser_register.py +86 -0
- mindspore/rewrite/parsers/return_parser.py +37 -0
- mindspore/rewrite/parsers/while_parser.py +59 -0
- mindspore/rewrite/sparsify/__init__.py +0 -0
- mindspore/rewrite/sparsify/sparse_transformer.py +457 -0
- mindspore/rewrite/sparsify/sparsify.py +112 -0
- mindspore/rewrite/sparsify/utils.py +179 -0
- mindspore/rewrite/symbol_tree/__init__.py +20 -0
- mindspore/rewrite/symbol_tree/symbol_tree.py +1819 -0
- mindspore/rewrite/symbol_tree/symbol_tree_builder.py +76 -0
- mindspore/rewrite/symbol_tree/symbol_tree_dumper.py +142 -0
- mindspore/run_check/__init__.py +20 -0
- mindspore/run_check/_check_version.py +507 -0
- mindspore/run_check/run_check.py +66 -0
- mindspore/safeguard/__init__.py +18 -0
- mindspore/safeguard/rewrite_obfuscation.py +875 -0
- mindspore/scipy/__init__.py +18 -0
- mindspore/scipy/fft.py +264 -0
- mindspore/scipy/linalg.py +919 -0
- mindspore/scipy/ops.py +165 -0
- mindspore/scipy/ops_grad.py +115 -0
- mindspore/scipy/ops_wrapper.py +74 -0
- mindspore/scipy/optimize/__init__.py +20 -0
- mindspore/scipy/optimize/_bfgs.py +230 -0
- mindspore/scipy/optimize/_lagrange.py +201 -0
- mindspore/scipy/optimize/_lbfgs.py +146 -0
- mindspore/scipy/optimize/gradient_optimization_algorithm.py +168 -0
- mindspore/scipy/optimize/line_search.py +370 -0
- mindspore/scipy/optimize/linear_sum_assignment.py +78 -0
- mindspore/scipy/optimize/minimize.py +200 -0
- mindspore/scipy/utils.py +156 -0
- mindspore/scipy/utils_const.py +246 -0
- mindspore/train/__init__.py +48 -0
- mindspore/train/_utils.py +465 -0
- mindspore/train/amp.py +935 -0
- mindspore/train/anf_ir_pb2.py +1517 -0
- mindspore/train/callback/__init__.py +44 -0
- mindspore/train/callback/_backup_and_restore.py +117 -0
- mindspore/train/callback/_callback.py +613 -0
- mindspore/train/callback/_checkpoint.py +814 -0
- mindspore/train/callback/_cluster_monitor.py +201 -0
- mindspore/train/callback/_dataset_graph.py +150 -0
- mindspore/train/callback/_early_stop.py +239 -0
- mindspore/train/callback/_flops_collector.py +239 -0
- mindspore/train/callback/_history.py +92 -0
- mindspore/train/callback/_lambda_callback.py +80 -0
- mindspore/train/callback/_landscape.py +1049 -0
- mindspore/train/callback/_loss_monitor.py +107 -0
- mindspore/train/callback/_lr_scheduler_callback.py +76 -0
- mindspore/train/callback/_on_request_exit.py +298 -0
- mindspore/train/callback/_reduce_lr_on_plateau.py +226 -0
- mindspore/train/callback/_summary_collector.py +1184 -0
- mindspore/train/callback/_tft_register.py +352 -0
- mindspore/train/callback/_time_monitor.py +141 -0
- mindspore/train/checkpoint_pb2.py +233 -0
- mindspore/train/data_sink.py +219 -0
- mindspore/train/dataset_helper.py +692 -0
- mindspore/train/lineage_pb2.py +1260 -0
- mindspore/train/loss_scale_manager.py +213 -0
- mindspore/train/memory_profiling_pb2.py +298 -0
- mindspore/train/metrics/__init__.py +175 -0
- mindspore/train/metrics/accuracy.py +133 -0
- mindspore/train/metrics/auc.py +129 -0
- mindspore/train/metrics/bleu_score.py +170 -0
- mindspore/train/metrics/confusion_matrix.py +700 -0
- mindspore/train/metrics/cosine_similarity.py +109 -0
- mindspore/train/metrics/dice.py +116 -0
- mindspore/train/metrics/error.py +175 -0
- mindspore/train/metrics/fbeta.py +167 -0
- mindspore/train/metrics/hausdorff_distance.py +333 -0
- mindspore/train/metrics/loss.py +97 -0
- mindspore/train/metrics/mean_surface_distance.py +189 -0
- mindspore/train/metrics/metric.py +373 -0
- mindspore/train/metrics/occlusion_sensitivity.py +225 -0
- mindspore/train/metrics/perplexity.py +133 -0
- mindspore/train/metrics/precision.py +160 -0
- mindspore/train/metrics/recall.py +159 -0
- mindspore/train/metrics/roc.py +223 -0
- mindspore/train/metrics/root_mean_square_surface_distance.py +191 -0
- mindspore/train/metrics/topk.py +167 -0
- mindspore/train/mind_ir_pb2.py +1908 -0
- mindspore/train/model.py +2252 -0
- mindspore/train/node_strategy_pb2.py +653 -0
- mindspore/train/print_pb2.py +184 -0
- mindspore/train/profiling_parallel_pb2.py +151 -0
- mindspore/train/serialization.py +3325 -0
- mindspore/train/summary/__init__.py +23 -0
- mindspore/train/summary/_lineage_adapter.py +41 -0
- mindspore/train/summary/_summary_adapter.py +496 -0
- mindspore/train/summary/_writer_pool.py +207 -0
- mindspore/train/summary/enums.py +56 -0
- mindspore/train/summary/summary_record.py +581 -0
- mindspore/train/summary/writer.py +167 -0
- mindspore/train/summary_pb2.py +1165 -0
- mindspore/train/train_thor/__init__.py +20 -0
- mindspore/train/train_thor/convert_utils.py +268 -0
- mindspore/train/train_thor/dataset_helper.py +192 -0
- mindspore/train/train_thor/model_thor.py +257 -0
- mindspore/utils/__init__.py +21 -0
- mindspore/utils/utils.py +60 -0
- mindspore/version.py +1 -0
- mindspore-2.4.0.dist-info/METADATA +352 -0
- mindspore-2.4.0.dist-info/RECORD +1387 -0
- mindspore-2.4.0.dist-info/WHEEL +5 -0
- mindspore-2.4.0.dist-info/entry_points.txt +3 -0
- mindspore-2.4.0.dist-info/top_level.txt +1 -0
|
@@ -0,0 +1,1155 @@
|
|
|
1
|
+
# Copyright 2022-2023 Huawei Technologies Co., Ltd
|
|
2
|
+
#
|
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
|
+
# you may not use this file except in compliance with the License.
|
|
5
|
+
# You may obtain a copy of the License at
|
|
6
|
+
#
|
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
8
|
+
#
|
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
|
+
# See the License for the specific language governing permissions and
|
|
13
|
+
# limitations under the License.
|
|
14
|
+
# ============================================================================
|
|
15
|
+
"""Operations for sequence"""
|
|
16
|
+
from mindspore.ops.primitive import Primitive, PrimitiveWithCheck, prim_attr_register
|
|
17
|
+
import mindspore._checkparam as validator
|
|
18
|
+
from mindspore.common import Tensor
|
|
19
|
+
from mindspore._c_expression import Tensor as Tensor_
|
|
20
|
+
|
|
21
|
+
|
|
22
|
+
class ListAppend(Primitive):
|
|
23
|
+
r"""
|
|
24
|
+
Append element to the end of list.
|
|
25
|
+
|
|
26
|
+
.. note::
|
|
27
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
28
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
29
|
+
|
|
30
|
+
Inputs:
|
|
31
|
+
- **input_data** (List) - The list for target to append. Must be dynamic length sequence
|
|
32
|
+
- **target** (Any Object) - The target element to be appended. The shape and type of target must be the same as
|
|
33
|
+
as the element within 'input_data'.
|
|
34
|
+
|
|
35
|
+
Outputs:
|
|
36
|
+
Dynamic length list after append.
|
|
37
|
+
|
|
38
|
+
Raises:
|
|
39
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
40
|
+
ValueError: The shape or type of 'target' is not the same as the element within 'input_data'.
|
|
41
|
+
|
|
42
|
+
Supported Platforms:
|
|
43
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
44
|
+
"""
|
|
45
|
+
@prim_attr_register
|
|
46
|
+
def __init__(self):
|
|
47
|
+
"""Initialize ListAppend"""
|
|
48
|
+
self.init_prim_io_names(inputs=['input_data', 'target'], outputs=['output_data'])
|
|
49
|
+
|
|
50
|
+
|
|
51
|
+
class ListInsert(Primitive):
|
|
52
|
+
r"""
|
|
53
|
+
Insert element to the index of list.
|
|
54
|
+
|
|
55
|
+
.. note::
|
|
56
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
57
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
58
|
+
|
|
59
|
+
Inputs:
|
|
60
|
+
- **input_data** (List) - The list for target to append. Must be dynamic length sequence
|
|
61
|
+
- **index** (Int) - The list for index to insert.
|
|
62
|
+
- **target** (Any Object) - The target element to be inserted. The shape and type of target must be the same as
|
|
63
|
+
as the element within 'input_data'.
|
|
64
|
+
|
|
65
|
+
Outputs:
|
|
66
|
+
Dynamic length list after insert.
|
|
67
|
+
|
|
68
|
+
Raises:
|
|
69
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
70
|
+
ValueError: The shape or type of 'target' is not the same as the element within 'input_data'.
|
|
71
|
+
|
|
72
|
+
Supported Platforms:
|
|
73
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
74
|
+
"""
|
|
75
|
+
@prim_attr_register
|
|
76
|
+
def __init__(self):
|
|
77
|
+
"""Initialize ListInsert"""
|
|
78
|
+
self.init_prim_io_names(inputs=['input_data', 'index', 'target'], outputs=['output_data'])
|
|
79
|
+
|
|
80
|
+
|
|
81
|
+
class ListAppendAndInsertGrad(Primitive):
|
|
82
|
+
r"""
|
|
83
|
+
Pop the end of element from list.
|
|
84
|
+
|
|
85
|
+
.. note::
|
|
86
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
87
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
88
|
+
|
|
89
|
+
Inputs:
|
|
90
|
+
- **input_data** (List) - The list for target to pop. Must be dynamic length sequence
|
|
91
|
+
- **index** (Int) - The list for index to pop.
|
|
92
|
+
|
|
93
|
+
Outputs:
|
|
94
|
+
Dynamic length list after pop and the pop value.
|
|
95
|
+
|
|
96
|
+
Raises:
|
|
97
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
98
|
+
|
|
99
|
+
Supported Platforms:
|
|
100
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
101
|
+
"""
|
|
102
|
+
@prim_attr_register
|
|
103
|
+
def __init__(self):
|
|
104
|
+
"""Initialize ListAppendAndInsertGrad"""
|
|
105
|
+
self.init_prim_io_names(inputs=['input_data', 'index'], outputs=['output_data'])
|
|
106
|
+
|
|
107
|
+
|
|
108
|
+
class ShapeMulGrad(Primitive):
|
|
109
|
+
r"""
|
|
110
|
+
shape_mul grad.
|
|
111
|
+
|
|
112
|
+
.. note::
|
|
113
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
114
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
115
|
+
|
|
116
|
+
Inputs:
|
|
117
|
+
- **input_data** (List) - The list for target to pop. Must be dynamic length sequence
|
|
118
|
+
- **dout** (Int) - The dout of shape_mul.
|
|
119
|
+
|
|
120
|
+
Outputs:
|
|
121
|
+
Dynamic length tuple.
|
|
122
|
+
|
|
123
|
+
Raises:
|
|
124
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
125
|
+
|
|
126
|
+
Supported Platforms:
|
|
127
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
128
|
+
"""
|
|
129
|
+
@prim_attr_register
|
|
130
|
+
def __init__(self):
|
|
131
|
+
"""Initialize ListAppendAndInsertGrad"""
|
|
132
|
+
self.init_prim_io_names(inputs=['input_data', 'dout'], outputs=['output_data'])
|
|
133
|
+
|
|
134
|
+
|
|
135
|
+
class shape_mul(Primitive):
|
|
136
|
+
r"""
|
|
137
|
+
shape_mul.
|
|
138
|
+
|
|
139
|
+
.. note::
|
|
140
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
141
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
142
|
+
|
|
143
|
+
Inputs:
|
|
144
|
+
- **input_data** (List) - The list to shape_mul. Must be dynamic length sequence
|
|
145
|
+
|
|
146
|
+
Outputs:
|
|
147
|
+
Scalar.
|
|
148
|
+
|
|
149
|
+
Raises:
|
|
150
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
151
|
+
|
|
152
|
+
Supported Platforms:
|
|
153
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
154
|
+
"""
|
|
155
|
+
@prim_attr_register
|
|
156
|
+
def __init__(self):
|
|
157
|
+
"""Initialize ListAppendAndInsertGrad"""
|
|
158
|
+
self.init_prim_io_names(inputs=['input_data'], outputs=['output_data'])
|
|
159
|
+
|
|
160
|
+
def __call__(self, input_data):
|
|
161
|
+
if not isinstance(input_data, tuple):
|
|
162
|
+
raise ValueError("For primitive [shape_mul], input must be tuple")
|
|
163
|
+
out = 1
|
|
164
|
+
for x in input_data:
|
|
165
|
+
out *= x
|
|
166
|
+
return out
|
|
167
|
+
|
|
168
|
+
|
|
169
|
+
class SequenceSlice(Primitive):
|
|
170
|
+
r"""
|
|
171
|
+
Sequence slice operation.
|
|
172
|
+
|
|
173
|
+
.. note::
|
|
174
|
+
This it is only for internal used. The sequence input should be dynamic length sequence or at least one of
|
|
175
|
+
start/end/step should be variable.
|
|
176
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
177
|
+
|
|
178
|
+
Inputs:
|
|
179
|
+
- **seq** (Union[List, Tuple]) - The sequence to slice.
|
|
180
|
+
- **start** (int) - start index of slice.
|
|
181
|
+
- **stop** (int) - stop index of slice.
|
|
182
|
+
- **step** (int) - step of slice.
|
|
183
|
+
|
|
184
|
+
Outputs:
|
|
185
|
+
Dynamic length sequence after slice.
|
|
186
|
+
|
|
187
|
+
Raises:
|
|
188
|
+
TypeError: The 'seq' input is neither list or tuple.
|
|
189
|
+
ValueError: The 'seq' input is not dynamic length and none of start/end/step is variable.
|
|
190
|
+
|
|
191
|
+
Supported Platforms:
|
|
192
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
193
|
+
"""
|
|
194
|
+
@prim_attr_register
|
|
195
|
+
def __init__(self):
|
|
196
|
+
"""Initialize SequenceSlice"""
|
|
197
|
+
self.init_prim_io_names(inputs=['seq', 'start', 'stop', 'step'], outputs=['output_data'])
|
|
198
|
+
|
|
199
|
+
def __call__(self, sequence, start, stop, step):
|
|
200
|
+
return sequence[start:stop:step]
|
|
201
|
+
|
|
202
|
+
|
|
203
|
+
class InSequence(Primitive):
|
|
204
|
+
r"""
|
|
205
|
+
element in sequence.
|
|
206
|
+
|
|
207
|
+
.. note::
|
|
208
|
+
This operation is used for dynamic length list and this it is only for internal used.
|
|
209
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
210
|
+
|
|
211
|
+
Inputs:
|
|
212
|
+
- **element** (Any Object) - The element can be a tensor or scalar
|
|
213
|
+
- **input_data** (Sequence) - The sequence. Must be dynamic length sequence
|
|
214
|
+
|
|
215
|
+
Outputs:
|
|
216
|
+
element in sequence, True or False.
|
|
217
|
+
|
|
218
|
+
Raises:
|
|
219
|
+
TypeError: The 'input_data' is not dynamic length list.
|
|
220
|
+
|
|
221
|
+
Supported Platforms:
|
|
222
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
223
|
+
"""
|
|
224
|
+
@prim_attr_register
|
|
225
|
+
def __init__(self):
|
|
226
|
+
"""Initialize ListAppend"""
|
|
227
|
+
self.init_prim_io_names(inputs=['element', 'input_data'], outputs=['output_data'])
|
|
228
|
+
|
|
229
|
+
def __call__(self, target, sequence):
|
|
230
|
+
return target in sequence
|
|
231
|
+
|
|
232
|
+
|
|
233
|
+
class SequenceSliceSetItem(Primitive):
|
|
234
|
+
r"""
|
|
235
|
+
Sequence slice setitem operation.
|
|
236
|
+
|
|
237
|
+
.. note::
|
|
238
|
+
This it is only for internal used. The sequence input should be dynamic length sequence or at least one of
|
|
239
|
+
start/end/step should be variable.
|
|
240
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
241
|
+
|
|
242
|
+
Inputs:
|
|
243
|
+
- **seq** (Union[List, Tuple]) - The sequence to perform slice setitem.
|
|
244
|
+
- **target** (Union[List, Tuple]) - The target item to set.
|
|
245
|
+
- **start** (int) - start index of slice.
|
|
246
|
+
- **stop** (int) - stop index of slice.
|
|
247
|
+
- **step** (int) - step of slice.
|
|
248
|
+
|
|
249
|
+
Outputs:
|
|
250
|
+
Dynamic length sequence after slice setitem.
|
|
251
|
+
|
|
252
|
+
Raises:
|
|
253
|
+
ValueError: The 'seq' and 'target' input is not dynamic length and none of start/end/step is variable.
|
|
254
|
+
|
|
255
|
+
Supported Platforms:
|
|
256
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
257
|
+
"""
|
|
258
|
+
@prim_attr_register
|
|
259
|
+
def __init__(self):
|
|
260
|
+
"""Initialize SequenceSliceSetItem"""
|
|
261
|
+
self.init_prim_io_names(inputs=['seq', 'target', 'start', 'stop', 'step'], outputs=['output_data'])
|
|
262
|
+
|
|
263
|
+
|
|
264
|
+
class SequenceSliceGrad(Primitive):
|
|
265
|
+
"""Reverse of slice."""
|
|
266
|
+
|
|
267
|
+
@prim_attr_register
|
|
268
|
+
def __init__(self):
|
|
269
|
+
"""Initialize SequenceSliceGrad"""
|
|
270
|
+
self.init_prim_io_names(inputs=['dy', 'x', 'start', 'stop', 'step'], outputs=['dx'])
|
|
271
|
+
|
|
272
|
+
|
|
273
|
+
class SequenceAdd(Primitive):
|
|
274
|
+
r"""
|
|
275
|
+
Add elements of two sequence together.
|
|
276
|
+
|
|
277
|
+
.. note::
|
|
278
|
+
This it is only for internal used. At least one of the sequence should be dynamic length sequence.
|
|
279
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
280
|
+
|
|
281
|
+
Inputs:
|
|
282
|
+
- **input_1** (Union[List, Tuple]) - The first sequence for sequence addition.
|
|
283
|
+
- **input_2** (Union[List, Tuple]) - The second sequence for sequence addition.
|
|
284
|
+
|
|
285
|
+
Outputs:
|
|
286
|
+
Dynamic length sequence after addition.
|
|
287
|
+
|
|
288
|
+
Raises:
|
|
289
|
+
TypeError: The 'input_1' and 'input_2' are not both list or tuple.
|
|
290
|
+
TypeError: Both of 'input_1' and 'input_2' are not dynamic length sequence.
|
|
291
|
+
|
|
292
|
+
Supported Platforms:
|
|
293
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
294
|
+
"""
|
|
295
|
+
@prim_attr_register
|
|
296
|
+
def __init__(self):
|
|
297
|
+
"""Initialize SequenceAdd"""
|
|
298
|
+
self.init_prim_io_names(inputs=['input_1', 'input_2'], outputs=['output_data'])
|
|
299
|
+
|
|
300
|
+
def __call__(self, x, y):
|
|
301
|
+
return x + y
|
|
302
|
+
|
|
303
|
+
|
|
304
|
+
class SequenceAddOffset(Primitive):
|
|
305
|
+
r"""
|
|
306
|
+
Get offsets of SequenceAdd inputs within its output, refs to ConcatOffset.
|
|
307
|
+
|
|
308
|
+
.. note::
|
|
309
|
+
This it is only for internal used. At least one of the sequence should be dynamic length sequence.
|
|
310
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
311
|
+
|
|
312
|
+
Inputs:
|
|
313
|
+
- **input_0** (List, Tuple) - A Tuple/List.
|
|
314
|
+
- **input_1** (List, Tuple) - A Tuple/List.
|
|
315
|
+
|
|
316
|
+
Outputs:
|
|
317
|
+
A tuple of offsets of SequenceAdd inputs within its output.
|
|
318
|
+
|
|
319
|
+
Raises:
|
|
320
|
+
TypeError: The data in 'input_0' and 'input_1' are not both list or tuple.
|
|
321
|
+
|
|
322
|
+
Supported Platforms:
|
|
323
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
324
|
+
"""
|
|
325
|
+
@prim_attr_register
|
|
326
|
+
def __init__(self):
|
|
327
|
+
"""Initialize SequenceAddOffset"""
|
|
328
|
+
self.init_prim_io_names(inputs=['shape_0', 'shape_1'], outputs=['output'])
|
|
329
|
+
|
|
330
|
+
|
|
331
|
+
class TupleToTensor(Primitive):
|
|
332
|
+
r"""
|
|
333
|
+
Convert tuple to tensor
|
|
334
|
+
|
|
335
|
+
If the type of the first number in the tuple is integer, the data type of the output tensor is int.
|
|
336
|
+
Otherwise, the data type of the output tensor is float.
|
|
337
|
+
|
|
338
|
+
.. note::
|
|
339
|
+
This it is only for internal used. The input_tuple can be constant/variable value or dynamic length tuple.
|
|
340
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
341
|
+
|
|
342
|
+
Inputs:
|
|
343
|
+
- **input_tuple** (Tuple) - A tuple of numbers. These numbers have the same type. The shape is :math:`(N,)`
|
|
344
|
+
- **dtype** (mindspore.dtype): The target data type. Default: mindspore.float32.
|
|
345
|
+
|
|
346
|
+
Outputs:
|
|
347
|
+
Tensor, if the input tuple contains `N` numbers, then the shape of the output tensor is (N,).
|
|
348
|
+
|
|
349
|
+
Raises:
|
|
350
|
+
TypeError: If `input_tuple` is not a tuple.
|
|
351
|
+
ValueError: If length of `input_tuple` is less than 0.
|
|
352
|
+
|
|
353
|
+
Supported Platforms:
|
|
354
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
355
|
+
"""
|
|
356
|
+
@prim_attr_register
|
|
357
|
+
def __init__(self):
|
|
358
|
+
"""Initialize TupleToTensor"""
|
|
359
|
+
self.init_prim_io_names(inputs=['input_tuple', 'dtype'], outputs=['output_data'])
|
|
360
|
+
|
|
361
|
+
def __call__(self, x, dtype):
|
|
362
|
+
return self.infer_value(x, dtype)
|
|
363
|
+
|
|
364
|
+
def infer_value(self, x, dtype):
|
|
365
|
+
"""infer value"""
|
|
366
|
+
if x is None:
|
|
367
|
+
return None
|
|
368
|
+
if isinstance(x, range):
|
|
369
|
+
x = tuple(x)
|
|
370
|
+
if isinstance(x, tuple) and None not in x:
|
|
371
|
+
return Tensor(x, dtype=dtype)
|
|
372
|
+
return None
|
|
373
|
+
|
|
374
|
+
|
|
375
|
+
class ListToTensor(Primitive):
|
|
376
|
+
r"""
|
|
377
|
+
Convert list to tensor
|
|
378
|
+
|
|
379
|
+
If the type of the first number in the list is integer, the data type of the output tensor is int.
|
|
380
|
+
Otherwise, the data type of the output tensor is float.
|
|
381
|
+
|
|
382
|
+
.. note::
|
|
383
|
+
This it is only for internal used. The input_list can be constant/variable value or dynamic length list.
|
|
384
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
385
|
+
|
|
386
|
+
Inputs:
|
|
387
|
+
- **input_list** (List) - A tuple of numbers. These numbers have the same type. The shape is :math:`(N,)`
|
|
388
|
+
- **dtype** (mindspore.dtype): The target data type. Default: mindspore.float32.
|
|
389
|
+
|
|
390
|
+
Outputs:
|
|
391
|
+
Tensor, if the input tuple contains `N` numbers, then the shape of the output tensor is (N,).
|
|
392
|
+
|
|
393
|
+
Raises:
|
|
394
|
+
TypeError: If `input_list` is not a list.
|
|
395
|
+
ValueError: If length of `input_list` is less than 0.
|
|
396
|
+
|
|
397
|
+
Supported Platforms:
|
|
398
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
399
|
+
"""
|
|
400
|
+
@prim_attr_register
|
|
401
|
+
def __init__(self):
|
|
402
|
+
"""Initialize ListToTensor"""
|
|
403
|
+
self.init_prim_io_names(inputs=['input_list', 'dtype'], outputs=['output_data'])
|
|
404
|
+
|
|
405
|
+
def __call__(self, x, dtype):
|
|
406
|
+
if x is not None and None not in x and isinstance(x, list):
|
|
407
|
+
return Tensor(x, dtype)
|
|
408
|
+
raise RuntimeError(f"input must be list, but got {x}")
|
|
409
|
+
|
|
410
|
+
|
|
411
|
+
class TensorToTuple(PrimitiveWithCheck):
|
|
412
|
+
r"""
|
|
413
|
+
Convert tensor to tuple
|
|
414
|
+
|
|
415
|
+
.. note::
|
|
416
|
+
This it is only for internal used. The input_tensor can be constant/variable value.
|
|
417
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
418
|
+
|
|
419
|
+
Inputs:
|
|
420
|
+
- **input_tensor** (Tensor) - The input_tensor must be a 1-D Tensor.
|
|
421
|
+
|
|
422
|
+
Outputs:
|
|
423
|
+
Tuple, the length is equal to tensor shape.
|
|
424
|
+
|
|
425
|
+
Raises:
|
|
426
|
+
TypeError: If `input_tensor` is not a tensor.
|
|
427
|
+
ValueError: If rank of `input_tensor` is not 1.
|
|
428
|
+
|
|
429
|
+
Supported Platforms:
|
|
430
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
431
|
+
"""
|
|
432
|
+
@prim_attr_register
|
|
433
|
+
def __init__(self):
|
|
434
|
+
"""Initialize TensorToTuple"""
|
|
435
|
+
self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
|
|
436
|
+
|
|
437
|
+
def __call__(self, x):
|
|
438
|
+
return self.infer_value(x)
|
|
439
|
+
|
|
440
|
+
def infer_value(self, x):
|
|
441
|
+
"""Infer_value TensorToTuple"""
|
|
442
|
+
value = None
|
|
443
|
+
if x is not None and isinstance(x, (Tensor, Tensor_)) and len(x.asnumpy().shape) <= 1:
|
|
444
|
+
value = tuple(x.asnumpy().tolist())
|
|
445
|
+
return value
|
|
446
|
+
|
|
447
|
+
|
|
448
|
+
class TensorToList(PrimitiveWithCheck):
|
|
449
|
+
r"""
|
|
450
|
+
Convert tensor to list
|
|
451
|
+
|
|
452
|
+
.. note::
|
|
453
|
+
This it is only for internal used. The input_tensor can be constant/variable value.
|
|
454
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
455
|
+
|
|
456
|
+
Inputs:
|
|
457
|
+
- **input_tensor** (Tensor) - The input_tensor must be a 1-D Tensor.
|
|
458
|
+
|
|
459
|
+
Outputs:
|
|
460
|
+
List, the length is equal to tensor shape.
|
|
461
|
+
|
|
462
|
+
Raises:
|
|
463
|
+
TypeError: If `input_tensor` is not a tensor.
|
|
464
|
+
ValueError: If rank of `input_tensor` is not 1.
|
|
465
|
+
|
|
466
|
+
Supported Platforms:
|
|
467
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
468
|
+
"""
|
|
469
|
+
@prim_attr_register
|
|
470
|
+
def __init__(self):
|
|
471
|
+
"""Initialize TensorToList"""
|
|
472
|
+
self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
|
|
473
|
+
|
|
474
|
+
def __call__(self, x):
|
|
475
|
+
return self.infer_value(x)
|
|
476
|
+
|
|
477
|
+
def infer_value(self, x):
|
|
478
|
+
"""infer_value TensorToList"""
|
|
479
|
+
value = None
|
|
480
|
+
if x is not None and isinstance(x, (Tensor, Tensor_)) and len(x.asnumpy().shape) <= 1:
|
|
481
|
+
value = x.asnumpy().tolist()
|
|
482
|
+
return value
|
|
483
|
+
|
|
484
|
+
|
|
485
|
+
class TensorToScalar(PrimitiveWithCheck):
|
|
486
|
+
r"""
|
|
487
|
+
Convert tensor to scalar
|
|
488
|
+
|
|
489
|
+
.. note::
|
|
490
|
+
This it is only for internal used. The input_tensor can be constant/variable value.
|
|
491
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
492
|
+
|
|
493
|
+
Inputs:
|
|
494
|
+
- **input_tensor** (Tensor) - The input_tensor must be a 0-D Tensor.
|
|
495
|
+
|
|
496
|
+
Outputs:
|
|
497
|
+
Scalar, a constant or variable scalar.
|
|
498
|
+
|
|
499
|
+
Raises:
|
|
500
|
+
TypeError: If `input_tensor` is not a tensor.
|
|
501
|
+
ValueError: If rank of `input_tensor` is not 0.
|
|
502
|
+
|
|
503
|
+
Supported Platforms:
|
|
504
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
505
|
+
"""
|
|
506
|
+
@prim_attr_register
|
|
507
|
+
def __init__(self):
|
|
508
|
+
"""Initialize TensorToScalar"""
|
|
509
|
+
self.init_prim_io_names(inputs=['input_tensor'], outputs=['output_data'])
|
|
510
|
+
|
|
511
|
+
def __call__(self, x):
|
|
512
|
+
return self.infer_value(x)
|
|
513
|
+
|
|
514
|
+
def infer_value(self, x):
|
|
515
|
+
"""infer_value TensorToScalar"""
|
|
516
|
+
if isinstance(x, (Tensor_, Tensor)):
|
|
517
|
+
if not x.shape or x.shape == (1,) or x.shape == [1,]:
|
|
518
|
+
return x.asnumpy().item()
|
|
519
|
+
return None
|
|
520
|
+
|
|
521
|
+
|
|
522
|
+
class SequenceCount(Primitive):
|
|
523
|
+
r"""
|
|
524
|
+
Support sequence count operation 'seq.count(target)'.
|
|
525
|
+
|
|
526
|
+
.. note::
|
|
527
|
+
This it is only for internal used.
|
|
528
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
529
|
+
|
|
530
|
+
Inputs:
|
|
531
|
+
- **sequence** (Union[List, Tuple]) - The sequence to count elements.
|
|
532
|
+
- **target** (Any Object) - The target element to find in sequence.
|
|
533
|
+
|
|
534
|
+
Outputs:
|
|
535
|
+
Integer, counting of target element.
|
|
536
|
+
|
|
537
|
+
Raises:
|
|
538
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
539
|
+
|
|
540
|
+
Supported Platforms:
|
|
541
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
542
|
+
"""
|
|
543
|
+
@prim_attr_register
|
|
544
|
+
def __init__(self):
|
|
545
|
+
"""Initialize SequenceCount"""
|
|
546
|
+
self.init_prim_io_names(inputs=['sequence', 'target'], outputs=['output_data'])
|
|
547
|
+
|
|
548
|
+
def __call__(self, sequence, target):
|
|
549
|
+
return sequence.count(target)
|
|
550
|
+
|
|
551
|
+
|
|
552
|
+
class SequenceIndex(Primitive):
|
|
553
|
+
r"""
|
|
554
|
+
Support sequence index operation 'seq.index(target)'.
|
|
555
|
+
|
|
556
|
+
.. note::
|
|
557
|
+
This it is only for internal used.
|
|
558
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
559
|
+
|
|
560
|
+
Inputs:
|
|
561
|
+
- **sequence** (Union[List, Tuple]) - The sequence to find the index value of the first occurrence.
|
|
562
|
+
- **target** (Any Object) - The target element to find in sequence.
|
|
563
|
+
- **start** (Integer) - The start index to find in sequence.
|
|
564
|
+
- **end** (Integer) - The end index to find in sequence.
|
|
565
|
+
|
|
566
|
+
Outputs:
|
|
567
|
+
Integer, the index value of the first occurrence of the target element.
|
|
568
|
+
|
|
569
|
+
Raises:
|
|
570
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
571
|
+
ValueError: The 'target' is not in the 'sequence'.
|
|
572
|
+
|
|
573
|
+
Supported Platforms:
|
|
574
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
575
|
+
"""
|
|
576
|
+
@prim_attr_register
|
|
577
|
+
def __init__(self):
|
|
578
|
+
"""Initialize SequenceIndex"""
|
|
579
|
+
self.init_prim_io_names(inputs=['sequence', 'target', 'start', 'end'], outputs=['output_data'])
|
|
580
|
+
|
|
581
|
+
def __call__(self, sequence, target, start=None, end=None):
|
|
582
|
+
return sequence.index(target, start, end)
|
|
583
|
+
|
|
584
|
+
|
|
585
|
+
class SequenceMul(Primitive):
|
|
586
|
+
r"""
|
|
587
|
+
Support sequence multiplication operation 'seq.mul(scalar)'.
|
|
588
|
+
|
|
589
|
+
.. note::
|
|
590
|
+
This it is only for internal used.
|
|
591
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
592
|
+
|
|
593
|
+
Inputs:
|
|
594
|
+
- **sequence** (Union[List, Tuple]) - The sequence to count elements.
|
|
595
|
+
- **scalar** (Any Object) - The times to replicate the sequence.
|
|
596
|
+
|
|
597
|
+
Outputs:
|
|
598
|
+
List or tuple with 'scalar' times multiplication.
|
|
599
|
+
|
|
600
|
+
Raises:
|
|
601
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
602
|
+
ValueError: Both 'sequence' and 'scalar' is constant.
|
|
603
|
+
|
|
604
|
+
Supported Platforms:
|
|
605
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
606
|
+
"""
|
|
607
|
+
@prim_attr_register
|
|
608
|
+
def __init__(self):
|
|
609
|
+
"""Initialize SequenceMul"""
|
|
610
|
+
self.init_prim_io_names(inputs=['sequence', 'scalar'], outputs=['output_data'])
|
|
611
|
+
|
|
612
|
+
def __call__(self, sequence, scalar):
|
|
613
|
+
return sequence * scalar
|
|
614
|
+
|
|
615
|
+
|
|
616
|
+
class SequenceZerosLike(Primitive):
|
|
617
|
+
r"""
|
|
618
|
+
Returns a Sequence with a value of 0 and its shape and data type is the same as the input.
|
|
619
|
+
|
|
620
|
+
.. note::
|
|
621
|
+
This it is only for internal used.
|
|
622
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
623
|
+
|
|
624
|
+
Inputs:
|
|
625
|
+
- **sequence** (Union[List, Tuple]) - The sequence to count elements.
|
|
626
|
+
|
|
627
|
+
Outputs:
|
|
628
|
+
List or tuple filled with zeros.
|
|
629
|
+
|
|
630
|
+
Raises:
|
|
631
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
632
|
+
|
|
633
|
+
Supported Platforms:
|
|
634
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
635
|
+
"""
|
|
636
|
+
@prim_attr_register
|
|
637
|
+
def __init__(self):
|
|
638
|
+
"""Initialize SequenceZerosLike"""
|
|
639
|
+
self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
|
|
640
|
+
|
|
641
|
+
|
|
642
|
+
class make_range(Primitive):
|
|
643
|
+
r"""
|
|
644
|
+
Creates a sequence of numbers in range [start, limit) with step size delta.
|
|
645
|
+
|
|
646
|
+
.. note::
|
|
647
|
+
This it is only for internal used.
|
|
648
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
649
|
+
|
|
650
|
+
Inputs:
|
|
651
|
+
- **start** (Union[int, float]) - Start of interval.
|
|
652
|
+
- **limit** (Union[int, float]) - End of interval.
|
|
653
|
+
- **delta** (Union[int, float]) - Spacing between values.
|
|
654
|
+
|
|
655
|
+
Outputs:
|
|
656
|
+
A 1-D Sequence, with the same type as the inputs.
|
|
657
|
+
|
|
658
|
+
Raises:
|
|
659
|
+
TypeError: If datatype of `start`, `limit` or `delta` is not same.
|
|
660
|
+
TypeError: If datatype of `start`, `limit` or `delta` is not supported.
|
|
661
|
+
ValueError: If `delta` = 0.
|
|
662
|
+
ValueError: If `start` >= `limit` when `delta` > 0.
|
|
663
|
+
ValueError: If `start` <= `limit` when `delta` < 0.
|
|
664
|
+
|
|
665
|
+
Supported Platforms:
|
|
666
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
667
|
+
"""
|
|
668
|
+
@prim_attr_register
|
|
669
|
+
def __init__(self):
|
|
670
|
+
"""Initialize make_range"""
|
|
671
|
+
self.init_prim_io_names(inputs=['start', 'limit', 'delta'], outputs=['output_data'])
|
|
672
|
+
|
|
673
|
+
def __call__(self, start, limit, delta):
|
|
674
|
+
return range(start, limit, delta)
|
|
675
|
+
|
|
676
|
+
|
|
677
|
+
class tuple_equal(Primitive):
|
|
678
|
+
r"""
|
|
679
|
+
Support sequence equal operation 'equal(target)'.
|
|
680
|
+
|
|
681
|
+
.. note::
|
|
682
|
+
This it is only for internal used.
|
|
683
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
684
|
+
|
|
685
|
+
Inputs:
|
|
686
|
+
- **x** (Union[Tuple]) - The tuple.
|
|
687
|
+
- **y** (Union[Tuple]) - The tuple.
|
|
688
|
+
|
|
689
|
+
Outputs:
|
|
690
|
+
Bool.
|
|
691
|
+
|
|
692
|
+
Raises:
|
|
693
|
+
TypeError: The 'x' is not tuple.
|
|
694
|
+
|
|
695
|
+
Supported Platforms:
|
|
696
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
697
|
+
"""
|
|
698
|
+
@prim_attr_register
|
|
699
|
+
def __init__(self):
|
|
700
|
+
"""Initialize tuple_equal"""
|
|
701
|
+
|
|
702
|
+
def __call__(self, x, y):
|
|
703
|
+
return x == y
|
|
704
|
+
|
|
705
|
+
|
|
706
|
+
class list_equal(Primitive):
|
|
707
|
+
r"""
|
|
708
|
+
Support sequence equal operation 'equal(target)'.
|
|
709
|
+
|
|
710
|
+
.. note::
|
|
711
|
+
This it is only for internal used.
|
|
712
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
713
|
+
|
|
714
|
+
Inputs:
|
|
715
|
+
- **x** (Union[List]) - The list.
|
|
716
|
+
- **y** (Union[List]) - The list.
|
|
717
|
+
|
|
718
|
+
Outputs:
|
|
719
|
+
Bool.
|
|
720
|
+
|
|
721
|
+
Raises:
|
|
722
|
+
TypeError: The 'x' is not list.
|
|
723
|
+
|
|
724
|
+
Supported Platforms:
|
|
725
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
726
|
+
"""
|
|
727
|
+
@prim_attr_register
|
|
728
|
+
def __init__(self):
|
|
729
|
+
"""Initialize list_equal"""
|
|
730
|
+
|
|
731
|
+
def __call__(self, x, y):
|
|
732
|
+
return x == y
|
|
733
|
+
|
|
734
|
+
|
|
735
|
+
class sequence_len(Primitive):
|
|
736
|
+
r"""
|
|
737
|
+
Returns length of Sequence.
|
|
738
|
+
|
|
739
|
+
.. note::
|
|
740
|
+
This it is only for internal used.
|
|
741
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
742
|
+
|
|
743
|
+
Inputs:
|
|
744
|
+
- **sequence** (Union[List, Tuple]) - The sequence.
|
|
745
|
+
|
|
746
|
+
Outputs:
|
|
747
|
+
Integer, length of Sequence.
|
|
748
|
+
|
|
749
|
+
Raises:
|
|
750
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
751
|
+
|
|
752
|
+
Supported Platforms:
|
|
753
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
754
|
+
"""
|
|
755
|
+
@prim_attr_register
|
|
756
|
+
def __init__(self):
|
|
757
|
+
"""Initialize sequence_len"""
|
|
758
|
+
self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
|
|
759
|
+
|
|
760
|
+
def __call__(self, x):
|
|
761
|
+
return len(x)
|
|
762
|
+
|
|
763
|
+
|
|
764
|
+
class SequenceMax(Primitive):
|
|
765
|
+
r"""
|
|
766
|
+
Support sequence max operation 'max(target)'.
|
|
767
|
+
|
|
768
|
+
.. note::
|
|
769
|
+
This it is only for internal used.
|
|
770
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
771
|
+
|
|
772
|
+
Inputs:
|
|
773
|
+
- **sequence** (Union[List, Tuple]) - The sequence.
|
|
774
|
+
|
|
775
|
+
Outputs:
|
|
776
|
+
The maximum element.
|
|
777
|
+
|
|
778
|
+
Raises:
|
|
779
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
780
|
+
|
|
781
|
+
Supported Platforms:
|
|
782
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
783
|
+
"""
|
|
784
|
+
@prim_attr_register
|
|
785
|
+
def __init__(self):
|
|
786
|
+
"""Initialize SequenceMax"""
|
|
787
|
+
self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
|
|
788
|
+
|
|
789
|
+
|
|
790
|
+
class SequenceMin(Primitive):
|
|
791
|
+
r"""
|
|
792
|
+
Support sequence min operation 'min(target)'.
|
|
793
|
+
|
|
794
|
+
.. note::
|
|
795
|
+
This it is only for internal used.
|
|
796
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
797
|
+
|
|
798
|
+
Inputs:
|
|
799
|
+
- **sequence** (Union[List, Tuple]) - The sequence.
|
|
800
|
+
|
|
801
|
+
Outputs:
|
|
802
|
+
The minimum element.
|
|
803
|
+
|
|
804
|
+
Raises:
|
|
805
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
806
|
+
|
|
807
|
+
Supported Platforms:
|
|
808
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
809
|
+
"""
|
|
810
|
+
@prim_attr_register
|
|
811
|
+
def __init__(self):
|
|
812
|
+
"""Initialize SequenceMax"""
|
|
813
|
+
self.init_prim_io_names(inputs=['sequence'], outputs=['output_data'])
|
|
814
|
+
|
|
815
|
+
|
|
816
|
+
class SequenceAddN(Primitive):
|
|
817
|
+
r"""
|
|
818
|
+
Support sequence AddN operation.
|
|
819
|
+
|
|
820
|
+
.. note::
|
|
821
|
+
This it is only for internal used.
|
|
822
|
+
|
|
823
|
+
Inputs:
|
|
824
|
+
- **sequence** (Union[List, Tuple]) - The sequence.
|
|
825
|
+
|
|
826
|
+
Outputs:
|
|
827
|
+
The addition of all input.
|
|
828
|
+
|
|
829
|
+
Raises:
|
|
830
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
831
|
+
|
|
832
|
+
Supported Platforms:
|
|
833
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
834
|
+
"""
|
|
835
|
+
@prim_attr_register
|
|
836
|
+
def __init__(self):
|
|
837
|
+
"""Initialize SequenceAddN"""
|
|
838
|
+
self.init_prim_io_names(inputs=["inputs"], outputs=["sum"])
|
|
839
|
+
|
|
840
|
+
|
|
841
|
+
class SequenceStack(Primitive):
|
|
842
|
+
r"""
|
|
843
|
+
Support sequence stack operation.
|
|
844
|
+
|
|
845
|
+
.. note::
|
|
846
|
+
This it is only for internal used.
|
|
847
|
+
|
|
848
|
+
Args:
|
|
849
|
+
axis (Int): Dimension to stack. Default: ``0`` .
|
|
850
|
+
Negative values wrap around. The range is [-(R+1), R+1).
|
|
851
|
+
|
|
852
|
+
Inputs:
|
|
853
|
+
- **input_x** (Union[tuple, list]) - A Tuple or list of Tensor objects with the same shape and type.
|
|
854
|
+
|
|
855
|
+
Outputs:
|
|
856
|
+
Tensor. A stacked Tensor with the same type as `input_x`.
|
|
857
|
+
|
|
858
|
+
Raises:
|
|
859
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
860
|
+
|
|
861
|
+
Supported Platforms:
|
|
862
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
863
|
+
"""
|
|
864
|
+
|
|
865
|
+
@prim_attr_register
|
|
866
|
+
def __init__(self, axis=0):
|
|
867
|
+
"""Initialize Stack"""
|
|
868
|
+
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
869
|
+
validator.check_value_type("axis", axis, [int], self.name)
|
|
870
|
+
self.axis = axis
|
|
871
|
+
|
|
872
|
+
|
|
873
|
+
class SequenceUnstack(Primitive):
|
|
874
|
+
r"""
|
|
875
|
+
Support sequence unstack operation.
|
|
876
|
+
|
|
877
|
+
.. note::
|
|
878
|
+
This it is only for internal used.
|
|
879
|
+
|
|
880
|
+
Args:
|
|
881
|
+
axis (Int): Dimension along which to unpack. Default: ``0`` .
|
|
882
|
+
Negative values wrap around. The range is [-R, R).
|
|
883
|
+
num (Union[None, int]): The number of output tensors.
|
|
884
|
+
Automatically inferred by input_x and axis if ``None`` . Default: ``None`` .
|
|
885
|
+
|
|
886
|
+
Inputs:
|
|
887
|
+
**input_x** (Tensor) - The shape is :math:`(x_1, x_2, ..., x_R)`.
|
|
888
|
+
A tensor to be unstacked and the rank of the tensor must be greater than 0.
|
|
889
|
+
|
|
890
|
+
Outputs:
|
|
891
|
+
A tuple of tensors, the shape of each objects is the same.
|
|
892
|
+
|
|
893
|
+
Raises:
|
|
894
|
+
TypeError: The 'sequence' is not list or tuple.
|
|
895
|
+
|
|
896
|
+
Supported Platforms:
|
|
897
|
+
``CPU``
|
|
898
|
+
"""
|
|
899
|
+
|
|
900
|
+
@prim_attr_register
|
|
901
|
+
def __init__(self, axis=0, num=None):
|
|
902
|
+
"""Initialize SequenceUnstack"""
|
|
903
|
+
self.init_prim_io_names(inputs=['x'], outputs=['y'])
|
|
904
|
+
validator.check_value_type("axis", axis, [int], self.name)
|
|
905
|
+
self.axis = axis
|
|
906
|
+
if num is not None:
|
|
907
|
+
validator.check_value_type("num", num, [int], self.name)
|
|
908
|
+
|
|
909
|
+
|
|
910
|
+
class tuple_greater_than(Primitive):
|
|
911
|
+
r"""
|
|
912
|
+
Support tuple_greater_than operation 'greater_than(target)'.
|
|
913
|
+
|
|
914
|
+
.. note::
|
|
915
|
+
This it is only for internal used.
|
|
916
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
917
|
+
|
|
918
|
+
Inputs:
|
|
919
|
+
- **input_0** (Union[Tuple]) - The first tuple.
|
|
920
|
+
- **input_1** (Union[Tuple]) - The second tuple.
|
|
921
|
+
|
|
922
|
+
Outputs:
|
|
923
|
+
A bool value to indicate whether tuple 'input_0' is greater than tuple 'input_1'.
|
|
924
|
+
|
|
925
|
+
Raises:
|
|
926
|
+
TypeError: The 'input_0' or 'input_1' is not list or tuple.
|
|
927
|
+
|
|
928
|
+
Supported Platforms:
|
|
929
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
930
|
+
"""
|
|
931
|
+
@prim_attr_register
|
|
932
|
+
def __init__(self):
|
|
933
|
+
"""Initialize tuple_greater_than"""
|
|
934
|
+
self.init_prim_io_names(
|
|
935
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
936
|
+
|
|
937
|
+
def __call__(self, x, y):
|
|
938
|
+
return x > y
|
|
939
|
+
|
|
940
|
+
|
|
941
|
+
class tuple_greater_equal(Primitive):
|
|
942
|
+
r"""
|
|
943
|
+
Support tuple_greater_equal operation 'greater_equal(target)'.
|
|
944
|
+
|
|
945
|
+
.. note::
|
|
946
|
+
This it is only for internal used.
|
|
947
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
948
|
+
|
|
949
|
+
Inputs:
|
|
950
|
+
- **input_0** (Union[Tuple]) - The first tuple.
|
|
951
|
+
- **input_1** (Union[Tuple]) - The second tuple.
|
|
952
|
+
|
|
953
|
+
Outputs:
|
|
954
|
+
A bool value to indicate whether tuple 'input_0' is greater than or equal to tuple 'input_1'.
|
|
955
|
+
|
|
956
|
+
Raises:
|
|
957
|
+
TypeError: The 'input_0' or 'input_1' is not list or tuple.
|
|
958
|
+
|
|
959
|
+
Supported Platforms:
|
|
960
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
961
|
+
"""
|
|
962
|
+
@prim_attr_register
|
|
963
|
+
def __init__(self):
|
|
964
|
+
"""Initialize tuple_greater_equal"""
|
|
965
|
+
self.init_prim_io_names(
|
|
966
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
967
|
+
|
|
968
|
+
def __call__(self, x, y):
|
|
969
|
+
return x >= y
|
|
970
|
+
|
|
971
|
+
|
|
972
|
+
class list_greater_than(Primitive):
|
|
973
|
+
r"""
|
|
974
|
+
Support list_greater_than operation 'greater_than(target)'.
|
|
975
|
+
|
|
976
|
+
.. note::
|
|
977
|
+
This it is only for internal used.
|
|
978
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
979
|
+
|
|
980
|
+
Inputs:
|
|
981
|
+
- **input_0** (Union[List]) - The first list.
|
|
982
|
+
- **input_1** (Union[List]) - The second list.
|
|
983
|
+
|
|
984
|
+
Outputs:
|
|
985
|
+
A bool value to indicate whether list 'input_0' is greater than list 'input_1'.
|
|
986
|
+
|
|
987
|
+
Raises:
|
|
988
|
+
TypeError: The 'input_0' or 'input_1' is not list or list.
|
|
989
|
+
|
|
990
|
+
Supported Platforms:
|
|
991
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
992
|
+
"""
|
|
993
|
+
@prim_attr_register
|
|
994
|
+
def __init__(self):
|
|
995
|
+
"""Initialize list_greater_than"""
|
|
996
|
+
self.init_prim_io_names(
|
|
997
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
998
|
+
|
|
999
|
+
def __call__(self, x, y):
|
|
1000
|
+
return x > y
|
|
1001
|
+
|
|
1002
|
+
|
|
1003
|
+
class list_greater_equal(Primitive):
|
|
1004
|
+
r"""
|
|
1005
|
+
Support list_greater_equal operation 'greater_equal(target)'.
|
|
1006
|
+
|
|
1007
|
+
.. note::
|
|
1008
|
+
This it is only for internal used.
|
|
1009
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
1010
|
+
|
|
1011
|
+
Inputs:
|
|
1012
|
+
- **input_0** (Union[List]) - The first list.
|
|
1013
|
+
- **input_1** (Union[List]) - The second list.
|
|
1014
|
+
|
|
1015
|
+
Outputs:
|
|
1016
|
+
A bool value to indicate whether list 'input_0' is greater than or equal to list 'input_1'.
|
|
1017
|
+
|
|
1018
|
+
Raises:
|
|
1019
|
+
TypeError: The 'input_0' or 'input_1' is not list or list.
|
|
1020
|
+
|
|
1021
|
+
Supported Platforms:
|
|
1022
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1023
|
+
"""
|
|
1024
|
+
@prim_attr_register
|
|
1025
|
+
def __init__(self):
|
|
1026
|
+
"""Initialize list_greater_equal"""
|
|
1027
|
+
self.init_prim_io_names(
|
|
1028
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
1029
|
+
|
|
1030
|
+
def __call__(self, x, y):
|
|
1031
|
+
return x >= y
|
|
1032
|
+
|
|
1033
|
+
|
|
1034
|
+
class tuple_lt(Primitive):
|
|
1035
|
+
r"""
|
|
1036
|
+
Support tuple less_than operation 'less_than(target)'.
|
|
1037
|
+
|
|
1038
|
+
.. note::
|
|
1039
|
+
This it is only for internal used.
|
|
1040
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
1041
|
+
|
|
1042
|
+
Inputs:
|
|
1043
|
+
- **input_0** (Union[Tuple]) - The first sequence.
|
|
1044
|
+
- **input_1** (Union[Tuple]) - The second sequence, dtype and shape should be same as 'input_0'.
|
|
1045
|
+
|
|
1046
|
+
Outputs:
|
|
1047
|
+
A bool value to indicate whether every element in 'input_0' is less than element in 'input_1' correspondingly.
|
|
1048
|
+
|
|
1049
|
+
Raises:
|
|
1050
|
+
TypeError: The 'input_0' or 'input_1' is not tuple.
|
|
1051
|
+
|
|
1052
|
+
Supported Platforms:
|
|
1053
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1054
|
+
"""
|
|
1055
|
+
@prim_attr_register
|
|
1056
|
+
def __init__(self):
|
|
1057
|
+
"""Initialize tuple_lt"""
|
|
1058
|
+
self.init_prim_io_names(
|
|
1059
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
1060
|
+
|
|
1061
|
+
def __call__(self, x, y):
|
|
1062
|
+
return x < y
|
|
1063
|
+
|
|
1064
|
+
|
|
1065
|
+
class list_lt(Primitive):
|
|
1066
|
+
r"""
|
|
1067
|
+
Support list less_than operation 'less_than(target)'.
|
|
1068
|
+
|
|
1069
|
+
.. note::
|
|
1070
|
+
This it is only for internal used.
|
|
1071
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
1072
|
+
|
|
1073
|
+
Inputs:
|
|
1074
|
+
- **input_0** (Union[List]) - The first sequence.
|
|
1075
|
+
- **input_1** (Union[List]) - The second sequence, dtype and shape should be same as 'input_0'.
|
|
1076
|
+
|
|
1077
|
+
Outputs:
|
|
1078
|
+
A bool value to indicate whether every element in 'input_0' is less than element in 'input_1' correspondingly.
|
|
1079
|
+
|
|
1080
|
+
Raises:
|
|
1081
|
+
TypeError: The 'input_0' or 'input_1' is not list.
|
|
1082
|
+
|
|
1083
|
+
Supported Platforms:
|
|
1084
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1085
|
+
"""
|
|
1086
|
+
@prim_attr_register
|
|
1087
|
+
def __init__(self):
|
|
1088
|
+
"""Initialize list_lt"""
|
|
1089
|
+
self.init_prim_io_names(
|
|
1090
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
1091
|
+
|
|
1092
|
+
def __call__(self, x, y):
|
|
1093
|
+
return x < y
|
|
1094
|
+
|
|
1095
|
+
|
|
1096
|
+
class tuple_le(Primitive):
|
|
1097
|
+
r"""
|
|
1098
|
+
Support tuple less_equal operation 'less_equal(target)'.
|
|
1099
|
+
|
|
1100
|
+
.. note::
|
|
1101
|
+
This it is only for internal used.
|
|
1102
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
1103
|
+
|
|
1104
|
+
Inputs:
|
|
1105
|
+
- **input_0** (Union[Tuple]) - The first sequence.
|
|
1106
|
+
- **input_1** (Union[Tuple]) - The second sequence, dtype and shape should be same as 'input_0'.
|
|
1107
|
+
|
|
1108
|
+
Outputs:
|
|
1109
|
+
A bool value to indicate whether every element in 'input_0' is less equal element in 'input_1' correspondingly.
|
|
1110
|
+
|
|
1111
|
+
Raises:
|
|
1112
|
+
TypeError: The 'input_0' or 'input_1' is not tuple.
|
|
1113
|
+
|
|
1114
|
+
Supported Platforms:
|
|
1115
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1116
|
+
"""
|
|
1117
|
+
@prim_attr_register
|
|
1118
|
+
def __init__(self):
|
|
1119
|
+
"""Initialize tuple_le"""
|
|
1120
|
+
self.init_prim_io_names(
|
|
1121
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
1122
|
+
|
|
1123
|
+
def __call__(self, x, y):
|
|
1124
|
+
return x <= y
|
|
1125
|
+
|
|
1126
|
+
|
|
1127
|
+
class list_le(Primitive):
|
|
1128
|
+
r"""
|
|
1129
|
+
Support list less equal operation 'less_equal(target)'.
|
|
1130
|
+
|
|
1131
|
+
.. note::
|
|
1132
|
+
This it is only for internal used.
|
|
1133
|
+
This primitive only have 'CPU' implementation, for other platform, it runs using heterogeneous.
|
|
1134
|
+
|
|
1135
|
+
Inputs:
|
|
1136
|
+
- **input_0** (Union[List]) - The first sequence.
|
|
1137
|
+
- **input_1** (Union[List]) - The second sequence, dtype and shape should be same as 'input_0'.
|
|
1138
|
+
|
|
1139
|
+
Outputs:
|
|
1140
|
+
A bool value to indicate whether every element in 'input_0' is less equal element in 'input_1' correspondingly.
|
|
1141
|
+
|
|
1142
|
+
Raises:
|
|
1143
|
+
TypeError: The 'input_0' or 'input_1' is not list.
|
|
1144
|
+
|
|
1145
|
+
Supported Platforms:
|
|
1146
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1147
|
+
"""
|
|
1148
|
+
@prim_attr_register
|
|
1149
|
+
def __init__(self):
|
|
1150
|
+
"""Initialize list_le"""
|
|
1151
|
+
self.init_prim_io_names(
|
|
1152
|
+
inputs=['input_0', 'input_1'], outputs=['output_data'])
|
|
1153
|
+
|
|
1154
|
+
def __call__(self, x, y):
|
|
1155
|
+
return x <= y
|