mindspore 2.3.0__cp310-cp310-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- mindspore/.commit_id +1 -0
- mindspore/ConcurrencyCheck.dll +0 -0
- mindspore/CppBuildInsights.dll +0 -0
- mindspore/CppCoreCheck.dll +0 -0
- mindspore/EnumIndex.dll +0 -0
- mindspore/EspXEngine.dll +0 -0
- mindspore/HResultCheck.dll +0 -0
- mindspore/KernelTraceControl.dll +0 -0
- mindspore/LocalESPC.dll +0 -0
- mindspore/Microsoft.Diagnostics.Tracing.EventSource.dll +0 -0
- mindspore/Microsoft.VisualStudio.RemoteControl.dll +0 -0
- mindspore/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Microsoft.VisualStudio.Utilities.Internal.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/System.Runtime.CompilerServices.Unsafe.dll +0 -0
- mindspore/VariantClear.dll +0 -0
- mindspore/__init__.py +51 -0
- mindspore/_c_dataengine.cp310-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp310-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp310-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +106 -0
- mindspore/_checkparam.py +1378 -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 +258 -0
- mindspore/_extends/parse/namespace.py +136 -0
- mindspore/_extends/parse/parser.py +1446 -0
- mindspore/_extends/parse/resources.py +213 -0
- mindspore/_extends/parse/standard_method.py +4437 -0
- mindspore/_extends/parse/trope.py +97 -0
- mindspore/_extends/pijit/__init__.py +23 -0
- mindspore/_extends/pijit/pijit_func_white_list.py +343 -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 +419 -0
- mindspore/atlprov.dll +0 -0
- mindspore/avcodec-59.dll +0 -0
- mindspore/avdevice-59.dll +0 -0
- mindspore/avfilter-8.dll +0 -0
- mindspore/avformat-59.dll +0 -0
- mindspore/avutil-57.dll +0 -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/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/cfgpersist.dll +0 -0
- mindspore/clang_rt.asan_dbg_dynamic-x86_64.dll +0 -0
- mindspore/clang_rt.asan_dynamic-x86_64.dll +0 -0
- mindspore/common/__init__.py +84 -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/_register_for_adapter.py +74 -0
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_register_for_tensor.py +45 -0
- mindspore/common/_stub_tensor.py +210 -0
- mindspore/common/_utils.py +122 -0
- mindspore/common/api.py +2049 -0
- mindspore/common/auto_dynamic_shape.py +507 -0
- mindspore/common/dtype.py +422 -0
- mindspore/common/dump.py +131 -0
- mindspore/common/file_system.py +48 -0
- mindspore/common/generator.py +260 -0
- mindspore/common/hook_handle.py +155 -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 +1048 -0
- mindspore/common/recompute.py +262 -0
- mindspore/common/seed.py +260 -0
- mindspore/common/sparse_tensor.py +1171 -0
- mindspore/common/symbol.py +122 -0
- mindspore/common/tensor.py +4859 -0
- mindspore/communication/__init__.py +37 -0
- mindspore/communication/_comm_helper.py +466 -0
- mindspore/communication/_hccl_management.py +297 -0
- mindspore/communication/comm_func.py +1140 -0
- mindspore/communication/management.py +673 -0
- mindspore/config/op_info.config +533 -0
- mindspore/context.py +1976 -0
- mindspore/d3dcompiler_47.dll +0 -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 +1088 -0
- mindspore/dataset/core/datatypes.py +101 -0
- mindspore/dataset/core/py_util_helpers.py +65 -0
- mindspore/dataset/core/validator_helpers.py +774 -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 +4554 -0
- mindspore/dataset/engine/datasets_audio.py +911 -0
- mindspore/dataset/engine/datasets_standard_format.py +493 -0
- mindspore/dataset/engine/datasets_text.py +2161 -0
- mindspore/dataset/engine/datasets_user_defined.py +1114 -0
- mindspore/dataset/engine/datasets_vision.py +4816 -0
- mindspore/dataset/engine/iterators.py +342 -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 +475 -0
- mindspore/dataset/engine/offload.py +596 -0
- mindspore/dataset/engine/queue.py +250 -0
- mindspore/dataset/engine/samplers.py +895 -0
- mindspore/dataset/engine/serializer_deserializer.py +159 -0
- mindspore/dataset/engine/validators.py +2875 -0
- mindspore/dataset/text/__init__.py +54 -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 +48 -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 +124 -0
- mindspore/dataset/vision/__init__.py +68 -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 +1482 -0
- mindspore/default_config.py +2 -0
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/__init__.py +20 -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 +205 -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 +259 -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/device.py +356 -0
- mindspore/hal/event.py +179 -0
- mindspore/hal/memory.py +326 -0
- mindspore/hal/stream.py +339 -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 +79 -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/ms/abstract.h +67 -0
- mindspore/include/c_api/ms/attribute.h +197 -0
- mindspore/include/c_api/ms/base/handle_types.h +43 -0
- mindspore/include/c_api/ms/base/macros.h +32 -0
- mindspore/include/c_api/ms/base/status.h +33 -0
- mindspore/include/c_api/ms/base/types.h +283 -0
- mindspore/include/c_api/ms/context.h +102 -0
- mindspore/include/c_api/ms/graph.h +160 -0
- mindspore/include/c_api/ms/node.h +606 -0
- mindspore/include/c_api/ms/tensor.h +161 -0
- mindspore/include/c_api/ms/value.h +84 -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 +2125 -0
- mindspore/include/dataset/vision_ascend.h +206 -0
- mindspore/include/dataset/vision_lite.h +625 -0
- mindspore/jpeg62.dll +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 +705 -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/mindspore_backend.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_np_dtype.dll +0 -0
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/mint/__init__.py +1137 -0
- mindspore/mint/linalg/__init__.py +22 -0
- mindspore/mint/nn/__init__.py +512 -0
- mindspore/mint/nn/functional.py +573 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +185 -0
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +72 -0
- mindspore/nn/__init__.py +48 -0
- mindspore/nn/cell.py +2605 -0
- mindspore/nn/dynamic_lr.py +482 -0
- mindspore/nn/extend/__init__.py +29 -0
- mindspore/nn/extend/basic.py +140 -0
- mindspore/nn/extend/embedding.py +143 -0
- mindspore/nn/extend/layer/__init__.py +27 -0
- mindspore/nn/extend/layer/normalization.py +109 -0
- mindspore/nn/extend/pooling.py +117 -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 +1655 -0
- mindspore/nn/layer/basic.py +1519 -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 +751 -0
- mindspore/nn/layer/embedding_service.py +531 -0
- mindspore/nn/layer/embedding_service_layer.py +393 -0
- mindspore/nn/layer/image.py +661 -0
- mindspore/nn/layer/math.py +1069 -0
- mindspore/nn/layer/normalization.py +1177 -0
- mindspore/nn/layer/padding.py +894 -0
- mindspore/nn/layer/pooling.py +2148 -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 +2846 -0
- mindspore/nn/metrics.py +53 -0
- mindspore/nn/optim/__init__.py +44 -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/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 +979 -0
- mindspore/nn/wrap/grad_reducer.py +608 -0
- mindspore/nn/wrap/loss_scale.py +680 -0
- mindspore/numpy/__init__.py +121 -0
- mindspore/numpy/array_creations.py +2734 -0
- mindspore/numpy/array_ops.py +2625 -0
- mindspore/numpy/dtypes.py +185 -0
- mindspore/numpy/fft.py +431 -0
- mindspore/numpy/logic_ops.py +935 -0
- mindspore/numpy/math_ops.py +5910 -0
- mindspore/numpy/utils.py +214 -0
- mindspore/numpy/utils_const.py +565 -0
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +54 -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 +670 -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 +824 -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/strided_slice_v2.py +93 -0
- mindspore/ops/_op_impl/aicpu/strided_slice_v2_grad.py +66 -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 +2151 -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 +977 -0
- mindspore/ops/_vmap/vmap_nn_ops.py +2209 -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 +231 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +250 -0
- mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
- mindspore/ops/auto_generate/gen_extend_func.py +980 -0
- mindspore/ops/auto_generate/gen_ops_def.py +6443 -0
- mindspore/ops/auto_generate/gen_ops_prim.py +13167 -0
- mindspore/ops/auto_generate/pyboost_inner_prim.py +429 -0
- mindspore/ops/composite/__init__.py +71 -0
- mindspore/ops/composite/base.py +1281 -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 +1458 -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/extend/__init__.py +53 -0
- mindspore/ops/extend/array_func.py +218 -0
- mindspore/ops/extend/math_func.py +76 -0
- mindspore/ops/extend/nn_func.py +308 -0
- mindspore/ops/function/__init__.py +760 -0
- mindspore/ops/function/array_func.py +6889 -0
- mindspore/ops/function/clip_func.py +384 -0
- mindspore/ops/function/debug_func.py +69 -0
- mindspore/ops/function/fft_func.py +31 -0
- mindspore/ops/function/grad/__init__.py +34 -0
- mindspore/ops/function/grad/grad_func.py +1424 -0
- mindspore/ops/function/image_func.py +292 -0
- mindspore/ops/function/linalg_func.py +416 -0
- mindspore/ops/function/math_func.py +11877 -0
- mindspore/ops/function/nn_func.py +8175 -0
- mindspore/ops/function/other_func.py +114 -0
- mindspore/ops/function/parameter_func.py +134 -0
- mindspore/ops/function/random_func.py +1539 -0
- mindspore/ops/function/reshard_func.py +102 -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 +116 -0
- mindspore/ops/functional.py +454 -0
- mindspore/ops/op_info_register.py +1572 -0
- mindspore/ops/operations/__init__.py +717 -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 +3052 -0
- mindspore/ops/operations/_infer_ops.py +19 -0
- mindspore/ops/operations/_inner_ops.py +2567 -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 +6258 -0
- mindspore/ops/operations/comm_ops.py +1996 -0
- mindspore/ops/operations/control_ops.py +127 -0
- mindspore/ops/operations/custom_ops.py +1065 -0
- mindspore/ops/operations/debug_ops.py +646 -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 +61 -0
- mindspore/ops/operations/manually_defined/ops_def.py +2016 -0
- mindspore/ops/operations/math_ops.py +5306 -0
- mindspore/ops/operations/nn_ops.py +9669 -0
- mindspore/ops/operations/other_ops.py +871 -0
- mindspore/ops/operations/random_ops.py +1243 -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 +1034 -0
- mindspore/ops/signature.py +54 -0
- mindspore/ops/silent_check.py +162 -0
- mindspore/ops/vm_impl_registry.py +91 -0
- mindspore/ops_generate/__init__.py +27 -0
- mindspore/ops_generate/arg_dtype_cast.py +250 -0
- mindspore/ops_generate/arg_handler.py +197 -0
- mindspore/ops_generate/gen_aclnn_implement.py +263 -0
- mindspore/ops_generate/gen_ops.py +1084 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
- mindspore/ops_generate/gen_pyboost_func.py +968 -0
- mindspore/ops_generate/gen_utils.py +209 -0
- mindspore/ops_generate/op_proto.py +138 -0
- mindspore/ops_generate/pyboost_utils.py +354 -0
- mindspore/ops_generate/template.py +239 -0
- mindspore/parallel/__init__.py +28 -0
- mindspore/parallel/_auto_parallel_context.py +1466 -0
- mindspore/parallel/_cell_wrapper.py +91 -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 +533 -0
- mindspore/parallel/_ps_context.py +242 -0
- mindspore/parallel/_recovery_context.py +110 -0
- mindspore/parallel/_tensor.py +660 -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 +600 -0
- mindspore/parallel/algo_parameter_config.py +400 -0
- mindspore/parallel/checkpoint_transform.py +643 -0
- mindspore/parallel/cluster/__init__.py +15 -0
- mindspore/parallel/cluster/process_entity/__init__.py +18 -0
- mindspore/parallel/cluster/process_entity/_api.py +344 -0
- mindspore/parallel/cluster/process_entity/_utils.py +126 -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 +152 -0
- mindspore/parallel/shard.py +350 -0
- mindspore/perf_msvcbuildinsights.dll +0 -0
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +27 -0
- mindspore/profiler/common/__init__.py +14 -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/singleton.py +28 -0
- mindspore/profiler/common/struct_type.py +118 -0
- mindspore/profiler/common/util.py +444 -0
- mindspore/profiler/common/validator/__init__.py +14 -0
- mindspore/profiler/common/validator/validate_path.py +84 -0
- mindspore/profiler/envprofiling.py +256 -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 +53 -0
- mindspore/profiler/parser/ascend_analysis/file_manager.py +159 -0
- mindspore/profiler/parser/ascend_analysis/function_event.py +161 -0
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +131 -0
- mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +85 -0
- mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +57 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +116 -0
- mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
- mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +68 -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 +281 -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 +543 -0
- mindspore/profiler/parser/base_timeline_generator.py +489 -0
- mindspore/profiler/parser/container.py +229 -0
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +684 -0
- mindspore/profiler/parser/flops_parser.py +531 -0
- mindspore/profiler/parser/framework_enum.py +111 -0
- mindspore/profiler/parser/framework_parser.py +854 -0
- mindspore/profiler/parser/framework_struct.py +61 -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 +431 -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/msadvisor_analyzer.py +82 -0
- mindspore/profiler/parser/msadvisor_parser.py +240 -0
- mindspore/profiler/parser/op_intermediate_parser.py +149 -0
- mindspore/profiler/parser/optime_parser.py +250 -0
- mindspore/profiler/parser/profiler_info.py +141 -0
- mindspore/profiler/parser/step_trace_parser.py +666 -0
- mindspore/profiler/profiling.py +2054 -0
- mindspore/rewrite/__init__.py +29 -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 +574 -0
- mindspore/run_check/run_check.py +66 -0
- mindspore/safeguard/__init__.py +18 -0
- mindspore/safeguard/rewrite_obfuscation.py +531 -0
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +47 -0
- mindspore/train/_utils.py +439 -0
- mindspore/train/amp.py +817 -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 +751 -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 +238 -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/_mindio_ttp.py +443 -0
- mindspore/train/callback/_on_request_exit.py +195 -0
- mindspore/train/callback/_reduce_lr_on_plateau.py +226 -0
- mindspore/train/callback/_summary_collector.py +1184 -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 +688 -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 +1903 -0
- mindspore/train/model.py +2176 -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 +3101 -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/turbojpeg.dll +0 -0
- mindspore/vcmeta.dll +0 -0
- mindspore/vcomp140.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -0
- mindspore-2.3.0.dist-info/METADATA +351 -0
- mindspore-2.3.0.dist-info/RECORD +1400 -0
- mindspore-2.3.0.dist-info/WHEEL +5 -0
- mindspore-2.3.0.dist-info/entry_points.txt +4 -0
- mindspore-2.3.0.dist-info/top_level.txt +1 -0
mindspore/train/amp.py
ADDED
|
@@ -0,0 +1,817 @@
|
|
|
1
|
+
# Copyright 2020 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
|
+
"""Auto mixed precision."""
|
|
16
|
+
from __future__ import absolute_import
|
|
17
|
+
import inspect
|
|
18
|
+
import types
|
|
19
|
+
|
|
20
|
+
import mindspore as ms
|
|
21
|
+
from mindspore import nn
|
|
22
|
+
from mindspore import _checkparam as validator
|
|
23
|
+
from mindspore.common import dtype as mstype
|
|
24
|
+
from mindspore.nn.wrap.cell_wrapper import _TrainGradAccuStepCell
|
|
25
|
+
from mindspore.nn.wrap.loss_scale import _TrainGradAccuWithLossScaleCell
|
|
26
|
+
from mindspore.ops import functional as F
|
|
27
|
+
from mindspore.parallel._utils import _get_pipeline_stages
|
|
28
|
+
from mindspore.train.loss_scale_manager import DynamicLossScaleManager, LossScaleManager
|
|
29
|
+
from mindspore import boost, context
|
|
30
|
+
from mindspore.ops import operations as P
|
|
31
|
+
from mindspore.ops import Primitive
|
|
32
|
+
from mindspore import log as logger
|
|
33
|
+
|
|
34
|
+
|
|
35
|
+
AMP_WHITE_LIST = [
|
|
36
|
+
nn.Conv1d,
|
|
37
|
+
nn.Conv2d,
|
|
38
|
+
nn.Conv3d,
|
|
39
|
+
nn.Conv1dTranspose,
|
|
40
|
+
nn.Conv2dTranspose,
|
|
41
|
+
nn.Conv3dTranspose,
|
|
42
|
+
nn.Dense,
|
|
43
|
+
nn.LSTMCell,
|
|
44
|
+
nn.RNNCell,
|
|
45
|
+
nn.GRUCell,
|
|
46
|
+
P.Conv2D,
|
|
47
|
+
P.Conv3D,
|
|
48
|
+
P.Conv2DTranspose,
|
|
49
|
+
P.Conv3DTranspose,
|
|
50
|
+
P.Conv2DBackpropInput,
|
|
51
|
+
P.MatMul,
|
|
52
|
+
P.BatchMatMul,
|
|
53
|
+
P.PReLU,
|
|
54
|
+
P.ReLU,
|
|
55
|
+
P.Ger
|
|
56
|
+
]
|
|
57
|
+
|
|
58
|
+
|
|
59
|
+
AMP_BLACK_LIST = [
|
|
60
|
+
nn.BatchNorm1d,
|
|
61
|
+
nn.BatchNorm2d,
|
|
62
|
+
nn.BatchNorm3d,
|
|
63
|
+
nn.LayerNorm
|
|
64
|
+
]
|
|
65
|
+
|
|
66
|
+
# Primitives in inner amp black list will not be converted in O2/O3
|
|
67
|
+
_INNER_AMP_BLACK_LIST = []
|
|
68
|
+
|
|
69
|
+
MS_AMP_BY_REWRITE = False
|
|
70
|
+
|
|
71
|
+
|
|
72
|
+
def amp_cast(value, dtype):
|
|
73
|
+
"""This function is used to insert cast operators for tensors during auto mixed precision."""
|
|
74
|
+
if isinstance(value, ms.Tensor) and value.dtype in mstype.float_type:
|
|
75
|
+
return P.Cast()(value, dtype)
|
|
76
|
+
return value
|
|
77
|
+
|
|
78
|
+
_amp_cast_op = amp_cast
|
|
79
|
+
|
|
80
|
+
|
|
81
|
+
class _OutputTo16(nn.Cell):
|
|
82
|
+
"""Wrap cell for amp. Cast network output back to float16."""
|
|
83
|
+
def __init__(self, backbone, dtype=mstype.float16):
|
|
84
|
+
super(_OutputTo16, self).__init__(auto_prefix=False)
|
|
85
|
+
self._backbone = backbone
|
|
86
|
+
self.dtype = dtype
|
|
87
|
+
self._get_attr_from_cell(backbone)
|
|
88
|
+
|
|
89
|
+
def construct(self, *args, **kwargs):
|
|
90
|
+
return F.cast(self._backbone(*args, **kwargs), self.dtype)
|
|
91
|
+
|
|
92
|
+
|
|
93
|
+
class _OutputTo32(nn.Cell):
|
|
94
|
+
"""Wrap loss for amp. Cast network output back to float32."""
|
|
95
|
+
def __init__(self, backbone):
|
|
96
|
+
super(_OutputTo32, self).__init__(auto_prefix=False)
|
|
97
|
+
self._backbone = backbone
|
|
98
|
+
self._get_attr_from_cell(backbone)
|
|
99
|
+
|
|
100
|
+
def construct(self, *args, **kwargs):
|
|
101
|
+
out = self._backbone(*args, **kwargs)
|
|
102
|
+
return F.mixed_precision_cast(mstype.float32, out)
|
|
103
|
+
|
|
104
|
+
|
|
105
|
+
def _operator_need_cast(node, force_cast: bool, white_list=None, black_list=None) -> bool:
|
|
106
|
+
"""
|
|
107
|
+
Check whether current node is a operator that need to be casted. Follow conditions need to be satisfied:
|
|
108
|
+
1) Type of node is CallPrimitive and type of instance is Primitive
|
|
109
|
+
2) Type of instance is not P.Cast
|
|
110
|
+
3) force_cast is True, which means one of upper layer cells is under casting
|
|
111
|
+
4) white_list exist and type of node is in white_list
|
|
112
|
+
5) black_list exist and type of node is in not black_list
|
|
113
|
+
"""
|
|
114
|
+
if node.get_node_type() != ms.rewrite.NodeType.CallPrimitive:
|
|
115
|
+
return False
|
|
116
|
+
if not inspect.isclass(node.get_instance_type()):
|
|
117
|
+
return False
|
|
118
|
+
if not issubclass(node.get_instance_type(), Primitive):
|
|
119
|
+
return False
|
|
120
|
+
if issubclass(node.get_instance_type(), P.Cast):
|
|
121
|
+
return False
|
|
122
|
+
if node.get_instance_type() in _INNER_AMP_BLACK_LIST:
|
|
123
|
+
return False
|
|
124
|
+
if force_cast:
|
|
125
|
+
return True
|
|
126
|
+
if white_list is not None and node.get_instance_type() in white_list:
|
|
127
|
+
return True
|
|
128
|
+
if black_list is not None and node.get_instance_type() not in black_list:
|
|
129
|
+
return True
|
|
130
|
+
return False
|
|
131
|
+
|
|
132
|
+
|
|
133
|
+
def _precision_set_by_user(cell_inst: nn.Cell) -> bool:
|
|
134
|
+
"""Check whether cell precision is set by user."""
|
|
135
|
+
for flag in ["fp32", "fp16", "bf16"]:
|
|
136
|
+
if hasattr(cell_inst, flag) and getattr(cell_inst, flag):
|
|
137
|
+
return True
|
|
138
|
+
return False
|
|
139
|
+
|
|
140
|
+
|
|
141
|
+
def _net_need_cast(node, force_cast: bool, white_list=None, black_list=None) -> bool:
|
|
142
|
+
"""
|
|
143
|
+
Check whether current node is type of tree whose network needs to be casted. Follow conditions need to
|
|
144
|
+
be satisfied:
|
|
145
|
+
1) Type of node is Tree and type of instance is Cell
|
|
146
|
+
2) Cell.to_float(xxx) is not set by user
|
|
147
|
+
3) force_cast is True, which means one of upper layer networks is under casting
|
|
148
|
+
4) white_list exist and type of node is in white_list
|
|
149
|
+
5) black_list exist and type of node is in not black_list
|
|
150
|
+
"""
|
|
151
|
+
if node.get_node_type() != ms.rewrite.NodeType.Tree:
|
|
152
|
+
return False
|
|
153
|
+
if not inspect.isclass(node.get_instance_type()):
|
|
154
|
+
return False
|
|
155
|
+
if not issubclass(node.get_instance_type(), nn.Cell):
|
|
156
|
+
return False
|
|
157
|
+
if node.get_instance_type() in _INNER_AMP_BLACK_LIST:
|
|
158
|
+
return False
|
|
159
|
+
if _precision_set_by_user(node.get_instance()):
|
|
160
|
+
return False
|
|
161
|
+
if force_cast:
|
|
162
|
+
return True
|
|
163
|
+
if white_list is not None and node.get_instance_type() in white_list:
|
|
164
|
+
return True
|
|
165
|
+
if black_list is not None and node.get_instance_type() not in black_list:
|
|
166
|
+
return True
|
|
167
|
+
return False
|
|
168
|
+
|
|
169
|
+
|
|
170
|
+
def _insert_cast_for_operator(node, dtype):
|
|
171
|
+
"""insert cast pair for node."""
|
|
172
|
+
dtype_str = "bfloat16" if dtype == mstype.bfloat16 else "float16"
|
|
173
|
+
stree = node.get_symbol_tree()
|
|
174
|
+
# insert cast fp16/bf16 for inputs of node
|
|
175
|
+
for idx, arg in enumerate(node.get_args()):
|
|
176
|
+
if arg.type != ms.rewrite.ValueType.NamingValue:
|
|
177
|
+
continue
|
|
178
|
+
incast_args = ms.rewrite.ScopedValue.create_name_values([arg.value, dtype_str], [arg.scope, "mindspore"])
|
|
179
|
+
arg_providers = node.get_arg_providers()
|
|
180
|
+
if not arg_providers or idx not in arg_providers or \
|
|
181
|
+
len(arg_providers[idx][0].get_target_users(arg_providers[idx][1])) > 1:
|
|
182
|
+
# create new target names when argument is used by other node
|
|
183
|
+
incast_targets = [stree.unique_name(f"{arg.value}_var")]
|
|
184
|
+
else:
|
|
185
|
+
incast_targets = ms.rewrite.ScopedValue.create_name_values([arg.value], [arg.scope])
|
|
186
|
+
incast_node = ms.rewrite.Node.create_call_function(_amp_cast_op, targets=incast_targets, args=incast_args)
|
|
187
|
+
stree.insert(stree.before(node), incast_node)
|
|
188
|
+
node.set_arg_by_node(idx, incast_node)
|
|
189
|
+
# insert cast fp32 for outputs of node
|
|
190
|
+
for _, target in enumerate(node.get_targets()):
|
|
191
|
+
if target.type != ms.rewrite.ValueType.NamingValue:
|
|
192
|
+
continue
|
|
193
|
+
outcast_args = ms.rewrite.ScopedValue.create_name_values([target.value, "float32"],
|
|
194
|
+
[target.scope, "mindspore"])
|
|
195
|
+
outcast_targets = ms.rewrite.ScopedValue.create_name_values([target.value], [target.scope])
|
|
196
|
+
outcast_node = ms.rewrite.Node.create_call_function(_amp_cast_op, targets=outcast_targets, args=outcast_args)
|
|
197
|
+
stree.insert(stree.after(node), outcast_node)
|
|
198
|
+
|
|
199
|
+
|
|
200
|
+
def _insert_cast_for_operators(stree, dtype, force_cast, *, white_list=None, black_list=None):
|
|
201
|
+
"""insert cast for operators not in black_list."""
|
|
202
|
+
# get all nodes of stree exclude nodes in subtree.
|
|
203
|
+
all_nodes = stree.all_nodes(False)
|
|
204
|
+
for node in all_nodes:
|
|
205
|
+
if not node.get_targets():
|
|
206
|
+
continue
|
|
207
|
+
if _operator_need_cast(node, force_cast, white_list, black_list):
|
|
208
|
+
_insert_cast_for_operator(node, dtype)
|
|
209
|
+
elif node.get_node_type() == ms.rewrite.NodeType.Tree:
|
|
210
|
+
force_cast_ = force_cast or _net_need_cast(node, force_cast, white_list, black_list)
|
|
211
|
+
if not _precision_set_by_user(node.get_instance()):
|
|
212
|
+
subtree = node.get_sub_tree()
|
|
213
|
+
_insert_cast_for_operators(subtree, dtype, force_cast_, white_list=white_list, black_list=black_list)
|
|
214
|
+
|
|
215
|
+
|
|
216
|
+
def _need_removed_cast_pair(node, dtype):
|
|
217
|
+
"""check whether the cast pairs should be removed."""
|
|
218
|
+
dtype_str = "bfloat16" if dtype == mstype.bfloat16 else "float16"
|
|
219
|
+
cast_dtypes = ms.rewrite.ScopedValue.create_name_values([dtype_str, "float32"], ["mindspore", "mindspore"])
|
|
220
|
+
cast_dtype_f16 = cast_dtypes[0]
|
|
221
|
+
cast_dtype_f32 = cast_dtypes[1]
|
|
222
|
+
# current node should be cast fp32
|
|
223
|
+
if node.get_instance_type() != _amp_cast_op:
|
|
224
|
+
return False
|
|
225
|
+
node_cast_type = node.get_args()[1]
|
|
226
|
+
if node_cast_type != cast_dtype_f32:
|
|
227
|
+
return False
|
|
228
|
+
# all user nodes should be cast fp16/bf16
|
|
229
|
+
if not node.get_users():
|
|
230
|
+
return False
|
|
231
|
+
all_nodes = [ms.rewrite.Node(n) for n in node.get_handler().get_node_manager().nodes()]
|
|
232
|
+
for user in node.get_users():
|
|
233
|
+
# If ControlFlow node(e.g. if, for, while) exists between current node and user node,
|
|
234
|
+
# cast pair should not be removed.
|
|
235
|
+
middle_nodes = all_nodes[all_nodes.index(node): all_nodes.index(user)]
|
|
236
|
+
if any([n.get_node_type() == ms.rewrite.NodeType.ControlFlow for n in middle_nodes]):
|
|
237
|
+
return False
|
|
238
|
+
if user.get_instance_type() != _amp_cast_op:
|
|
239
|
+
return False
|
|
240
|
+
user_cast_type = user.get_args()[1]
|
|
241
|
+
if user_cast_type != cast_dtype_f16:
|
|
242
|
+
return False
|
|
243
|
+
# cast pair detected, check next user
|
|
244
|
+
continue
|
|
245
|
+
return True
|
|
246
|
+
|
|
247
|
+
|
|
248
|
+
def _remove_duplicated_cast(stree, dtype):
|
|
249
|
+
"""remove the duplicated cast operators."""
|
|
250
|
+
all_nodes = list(stree.nodes(all_nodes=True))
|
|
251
|
+
for node in all_nodes:
|
|
252
|
+
if _need_removed_cast_pair(node, dtype):
|
|
253
|
+
incast_nodes = node.get_users()
|
|
254
|
+
# remove cast fp16/bf16 nodes
|
|
255
|
+
for incast_node in incast_nodes:
|
|
256
|
+
# get_target_users() return {target0: [(user0, arg_idx), ...], ...}
|
|
257
|
+
target_users = list(incast_node.get_target_users().values())
|
|
258
|
+
if not target_users or not target_users[0]:
|
|
259
|
+
continue
|
|
260
|
+
for user_node, arg_idx in target_users[0]:
|
|
261
|
+
user_node.set_arg(arg_idx, incast_node.get_args()[0])
|
|
262
|
+
stree.erase(incast_node)
|
|
263
|
+
# remove the cast fp32 node
|
|
264
|
+
stree.erase(node)
|
|
265
|
+
|
|
266
|
+
|
|
267
|
+
def _auto_mixed_precision_rewrite(network, dtype, *, white_list=None, black_list=None):
|
|
268
|
+
"""Implement auto mixed precision by rewrite"""
|
|
269
|
+
if (white_list is None and black_list is None) or (white_list is not None and black_list is not None):
|
|
270
|
+
raise ValueError("For _auto_mixed_precision_rewrite, one of white_list and black_list must be provided.")
|
|
271
|
+
# enable rewrite configs for amp
|
|
272
|
+
ms.rewrite.common.namespace._ms_cells_to_subtree = True
|
|
273
|
+
ms.rewrite.parsers.assign_parser.AssignParser._share_one_implementation = True
|
|
274
|
+
# insert casts by rewrite
|
|
275
|
+
stree = ms.rewrite.SymbolTree.create(network)
|
|
276
|
+
_insert_cast_for_operators(stree, dtype, False, white_list=white_list, black_list=black_list)
|
|
277
|
+
_remove_duplicated_cast(stree, dtype)
|
|
278
|
+
new_net = stree.get_network()
|
|
279
|
+
# disable rewrite configs
|
|
280
|
+
ms.rewrite.parsers.assign_parser.AssignParser._share_one_implementation = False
|
|
281
|
+
ms.rewrite.common.namespace._ms_cells_to_subtree = False
|
|
282
|
+
ms.rewrite.common.config.clear_caches()
|
|
283
|
+
return new_net
|
|
284
|
+
|
|
285
|
+
|
|
286
|
+
def _auto_black_list(network, black_list, dtype):
|
|
287
|
+
"""process the black list of network."""
|
|
288
|
+
network.to_float(dtype)
|
|
289
|
+
cells = network.name_cells()
|
|
290
|
+
change = False
|
|
291
|
+
for name in cells:
|
|
292
|
+
subcell = cells[name]
|
|
293
|
+
if subcell == network:
|
|
294
|
+
continue
|
|
295
|
+
if isinstance(subcell, tuple(black_list)):
|
|
296
|
+
network._cells[name] = _OutputTo16(subcell.to_float(mstype.float32), dtype)
|
|
297
|
+
change = True
|
|
298
|
+
else:
|
|
299
|
+
_auto_black_list(subcell, black_list, dtype)
|
|
300
|
+
if isinstance(network, nn.SequentialCell) and change:
|
|
301
|
+
network.cell_list = list(network.cells())
|
|
302
|
+
return network
|
|
303
|
+
|
|
304
|
+
|
|
305
|
+
def auto_mixed_precision(network, amp_level="O0", dtype=mstype.float16):
|
|
306
|
+
"""
|
|
307
|
+
Returns a network processed with auto mixed precision.
|
|
308
|
+
|
|
309
|
+
This interface will automatically perform mixed-precision processing on the input network, and the cells
|
|
310
|
+
and operators in the processed network will add precision conversion operations to calculate with lower
|
|
311
|
+
precision: ``mstype.float16`` or ``mstype.bfloat16`` . Inputs and parameters of cells and operators are
|
|
312
|
+
converted to lower precision float, and calculation results are converted back to full precision float,
|
|
313
|
+
i.e. ``mstype.float32`` .
|
|
314
|
+
|
|
315
|
+
The framework has a set of built-in blacklists and whitelists, and the `amp_level` determines which cells and
|
|
316
|
+
operators are specifically converted.
|
|
317
|
+
|
|
318
|
+
The current built-in whitelist contents are:
|
|
319
|
+
|
|
320
|
+
[:class:`mindspore.nn.Conv1d`, :class:`mindspore.nn.Conv2d`, :class:`mindspore.nn.Conv3d`,
|
|
321
|
+
:class:`mindspore.nn.Conv1dTranspose`, :class:`mindspore.nn.Conv2dTranspose`,
|
|
322
|
+
:class:`mindspore.nn.Conv3dTranspose`, :class:`mindspore.nn.Dense`, :class:`mindspore.nn.LSTMCell`,
|
|
323
|
+
:class:`mindspore.nn.RNNCell`, :class:`mindspore.nn.GRUCell`, :class:`mindspore.ops.Conv2D`,
|
|
324
|
+
:class:`mindspore.ops.Conv3D`, :class:`mindspore.ops.Conv2DTranspose`,
|
|
325
|
+
:class:`mindspore.ops.Conv3DTranspose`, :class:`mindspore.ops.MatMul`, :class:`mindspore.ops.BatchMatMul`,
|
|
326
|
+
:class:`mindspore.ops.PReLU`, :class:`mindspore.ops.ReLU`, :class:`mindspore.ops.Ger`]
|
|
327
|
+
|
|
328
|
+
The current built-in blacklist contents are:
|
|
329
|
+
|
|
330
|
+
[:class:`mindspore.nn.BatchNorm1d`, :class:`mindspore.nn.BatchNorm2d`, :class:`mindspore.nn.BatchNorm3d`,
|
|
331
|
+
:class:`mindspore.nn.LayerNorm`]
|
|
332
|
+
|
|
333
|
+
For details on automatic mixed precision, refer to
|
|
334
|
+
`Automatic Mix Precision <https://www.mindspore.cn/tutorials/en/master/advanced/mixed_precision.html>`_ .
|
|
335
|
+
|
|
336
|
+
Note:
|
|
337
|
+
- Repeatedly calling mixed-precision interfaces, such as `custom_mixed_precision` and `auto_mixed_precision`,
|
|
338
|
+
can result in a larger network hierarchy and slower performance.
|
|
339
|
+
- If interfaces like `Model` and `build_train_network` is used to train the network which is converted by
|
|
340
|
+
mixed-precision interfaces such as `custom_mixed_precision` and `auto_mixed_precision`, `amp_level`
|
|
341
|
+
need to be configured to ``O0`` to avoid the duplicated accuracy conversion.
|
|
342
|
+
|
|
343
|
+
Args:
|
|
344
|
+
network (Cell): Definition of the network.
|
|
345
|
+
amp_level (str): Supports ["O0", "O1", "O2", "O3"]. Default: ``"O0"`` .
|
|
346
|
+
|
|
347
|
+
- "O0": Do not change.
|
|
348
|
+
- "O1": Convert cells and operators in whitelist to lower precision operations, and keep full
|
|
349
|
+
precision operations for the rest.
|
|
350
|
+
- "O2": Keep full precision operations for cells and operators in blacklist, and convert the rest
|
|
351
|
+
to lower precision operations.
|
|
352
|
+
- "O3": Cast network to lower precision.
|
|
353
|
+
|
|
354
|
+
dtype (Type): The type used in lower precision calculations, can be ``mstype.float16`` or ``mstype.bfloat16`` ,
|
|
355
|
+
default: ``mstype.float16`` .
|
|
356
|
+
|
|
357
|
+
Raises:
|
|
358
|
+
TypeError: If `network` is not a Cell.
|
|
359
|
+
ValueError: If `dtype` is not one of ``mstype.float16`` , ``mstype.bfloat16`` .
|
|
360
|
+
ValueError: If `amp_level` is not within the supported range.
|
|
361
|
+
|
|
362
|
+
Examples:
|
|
363
|
+
>>> from mindspore import amp
|
|
364
|
+
>>> # Define the network structure of LeNet5. Refer to
|
|
365
|
+
>>> # https://gitee.com/mindspore/docs/blob/master/docs/mindspore/code/lenet.py
|
|
366
|
+
>>> network = LeNet5()
|
|
367
|
+
>>> amp_level = "O1"
|
|
368
|
+
>>> net = amp.auto_mixed_precision(network, amp_level)
|
|
369
|
+
"""
|
|
370
|
+
if not isinstance(network, nn.Cell):
|
|
371
|
+
raise TypeError("The network type should be Cell.")
|
|
372
|
+
|
|
373
|
+
if dtype not in (mstype.float16, mstype.bfloat16):
|
|
374
|
+
raise ValueError(f"The dtype should be one of (mstype.float16, mstype.bfloat16), but got {dtype}.")
|
|
375
|
+
|
|
376
|
+
if amp_level == "O0":
|
|
377
|
+
return network
|
|
378
|
+
|
|
379
|
+
# Return network if the same amp level has already been configurated
|
|
380
|
+
if getattr(network, "_amp_level") in ("O1", "O2", "O3"):
|
|
381
|
+
logger.warning(f"The network's auto mixed-precision level is adjusted from {getattr(network, '_amp_level')} "
|
|
382
|
+
f"to {amp_level}, and repeated calls to mixed-precision interfaces can cause performance "
|
|
383
|
+
f"degradation.")
|
|
384
|
+
|
|
385
|
+
if amp_level == "O1":
|
|
386
|
+
network = _auto_mixed_precision_rewrite(network, dtype, white_list=AMP_WHITE_LIST)
|
|
387
|
+
elif amp_level == "O2":
|
|
388
|
+
if MS_AMP_BY_REWRITE:
|
|
389
|
+
network = _auto_mixed_precision_rewrite(network, dtype, black_list=AMP_BLACK_LIST)
|
|
390
|
+
else:
|
|
391
|
+
network = _auto_black_list(network, AMP_BLACK_LIST, dtype)
|
|
392
|
+
network = _OutputTo32(network)
|
|
393
|
+
elif amp_level == "O3":
|
|
394
|
+
if MS_AMP_BY_REWRITE:
|
|
395
|
+
network = _auto_mixed_precision_rewrite(network, dtype, black_list=[])
|
|
396
|
+
else:
|
|
397
|
+
network.to_float(dtype)
|
|
398
|
+
network = _OutputTo32(network)
|
|
399
|
+
else:
|
|
400
|
+
raise ValueError("The amp level {} is not supported".format(amp_level))
|
|
401
|
+
|
|
402
|
+
setattr(network, "_amp_level", amp_level)
|
|
403
|
+
|
|
404
|
+
return network
|
|
405
|
+
|
|
406
|
+
|
|
407
|
+
def _do_keep_batchnorm_fp32(network):
|
|
408
|
+
"""Do keep batchnorm fp32."""
|
|
409
|
+
cells = network.name_cells()
|
|
410
|
+
change = False
|
|
411
|
+
for name in cells:
|
|
412
|
+
subcell = cells[name]
|
|
413
|
+
if subcell == network:
|
|
414
|
+
continue
|
|
415
|
+
elif isinstance(subcell, nn.Cell) and isinstance(subcell, tuple(AMP_BLACK_LIST)):
|
|
416
|
+
network._cells[name] = _OutputTo16(subcell.to_float(mstype.float32))
|
|
417
|
+
change = True
|
|
418
|
+
else:
|
|
419
|
+
_do_keep_batchnorm_fp32(subcell)
|
|
420
|
+
if isinstance(network, nn.SequentialCell) and change:
|
|
421
|
+
network.cell_list = list(network.cells())
|
|
422
|
+
|
|
423
|
+
|
|
424
|
+
_config_level = {
|
|
425
|
+
"O0": {
|
|
426
|
+
"keep_batchnorm_fp32": False,
|
|
427
|
+
"cast_model_type": mstype.float32,
|
|
428
|
+
"loss_scale_manager": None},
|
|
429
|
+
"O1": {
|
|
430
|
+
"keep_batchnorm_fp32": False,
|
|
431
|
+
"cast_model_type": mstype.float32,
|
|
432
|
+
"loss_scale_manager": None},
|
|
433
|
+
"O2": {
|
|
434
|
+
"keep_batchnorm_fp32": True,
|
|
435
|
+
"cast_model_type": mstype.float16,
|
|
436
|
+
"loss_scale_manager": DynamicLossScaleManager()},
|
|
437
|
+
"O3": {
|
|
438
|
+
"keep_batchnorm_fp32": False,
|
|
439
|
+
"cast_model_type": mstype.float16,
|
|
440
|
+
"loss_scale_manager": None}}
|
|
441
|
+
|
|
442
|
+
|
|
443
|
+
def _check_kwargs(key_words):
|
|
444
|
+
"""Check kwargs."""
|
|
445
|
+
for arg in key_words:
|
|
446
|
+
if arg not in ['cast_model_type', 'keep_batchnorm_fp32', 'loss_scale_manager']:
|
|
447
|
+
raise ValueError(f"Unsupported arg '{arg}'")
|
|
448
|
+
|
|
449
|
+
if 'cast_model_type' in key_words:
|
|
450
|
+
validator.check_type_name('cast_model_type', key_words['cast_model_type'],
|
|
451
|
+
[mstype.float16, mstype.float32], None)
|
|
452
|
+
if 'keep_batchnorm_fp32' in key_words:
|
|
453
|
+
validator.check_value_type('keep_batchnorm_fp32', key_words['keep_batchnorm_fp32'], bool)
|
|
454
|
+
if 'loss_scale_manager' in key_words:
|
|
455
|
+
loss_scale_manager = key_words['loss_scale_manager']
|
|
456
|
+
if loss_scale_manager:
|
|
457
|
+
validator.check_value_type('loss_scale_manager', loss_scale_manager,
|
|
458
|
+
[LossScaleManager, boost.GroupLossScaleManager])
|
|
459
|
+
|
|
460
|
+
|
|
461
|
+
def _check_level(level, boost_level):
|
|
462
|
+
"""Check level."""
|
|
463
|
+
if not isinstance(level, str):
|
|
464
|
+
raise TypeError("The argument `level` must be a string in ['O0', 'O1', 'O2', 'O3', 'auto'], \
|
|
465
|
+
but got type {}.".format(type(level)))
|
|
466
|
+
validator.check('level', level, "", ['O0', 'O1', 'O2', 'O3', 'auto'], validator.IN)
|
|
467
|
+
validator.check('boost_level', boost_level, "", ['O0', 'O1', 'O2'], validator.IN)
|
|
468
|
+
|
|
469
|
+
if level == "auto":
|
|
470
|
+
device_target = context.get_context('device_target')
|
|
471
|
+
if device_target == "GPU":
|
|
472
|
+
level = "O2"
|
|
473
|
+
elif device_target == "Ascend":
|
|
474
|
+
level = "O3"
|
|
475
|
+
else:
|
|
476
|
+
raise ValueError("Level `auto` only support when `device_target` is GPU or Ascend.")
|
|
477
|
+
|
|
478
|
+
enable_boost = False
|
|
479
|
+
if boost_level in ["O1", "O2"]:
|
|
480
|
+
enable_boost = True
|
|
481
|
+
|
|
482
|
+
return level, enable_boost
|
|
483
|
+
|
|
484
|
+
|
|
485
|
+
def _add_loss_network(network, loss_fn, cast_model_type):
|
|
486
|
+
"""Add loss network."""
|
|
487
|
+
|
|
488
|
+
class WithLossCell(nn.Cell):
|
|
489
|
+
"""Wrap loss for amp. Cast network output back to float32."""
|
|
490
|
+
def __init__(self, backbone, loss_fn):
|
|
491
|
+
super(WithLossCell, self).__init__(auto_prefix=False)
|
|
492
|
+
self._backbone = backbone
|
|
493
|
+
self._loss_fn = loss_fn
|
|
494
|
+
self._get_attr_from_cell(backbone)
|
|
495
|
+
|
|
496
|
+
def construct(self, data, label):
|
|
497
|
+
out = self._backbone(data)
|
|
498
|
+
label = F.mixed_precision_cast(mstype.float32, label)
|
|
499
|
+
return self._loss_fn(F.mixed_precision_cast(mstype.float32, out), label)
|
|
500
|
+
|
|
501
|
+
validator.check_value_type('loss_fn', loss_fn, nn.Cell)
|
|
502
|
+
if cast_model_type == mstype.float16:
|
|
503
|
+
network = WithLossCell(network, loss_fn)
|
|
504
|
+
else:
|
|
505
|
+
network = nn.WithLossCell(network, loss_fn)
|
|
506
|
+
return network
|
|
507
|
+
|
|
508
|
+
|
|
509
|
+
def _is_grad_accumulation(mcell):
|
|
510
|
+
if mcell.cls_name == "GradAccumulationCell":
|
|
511
|
+
return True
|
|
512
|
+
for cell in mcell.cells():
|
|
513
|
+
if _is_grad_accumulation(cell):
|
|
514
|
+
return True
|
|
515
|
+
return False
|
|
516
|
+
|
|
517
|
+
|
|
518
|
+
def _auto_mixed_precision_process(network, config, level):
|
|
519
|
+
"""Auto mixed precision process."""
|
|
520
|
+
if MS_AMP_BY_REWRITE:
|
|
521
|
+
if config["cast_model_type"] == mstype.float16 or level == "O2":
|
|
522
|
+
level = "O2" if config["keep_batchnorm_fp32"] else "O3"
|
|
523
|
+
elif config["cast_model_type"] == mstype.float32 and level in ("O2", "O3"):
|
|
524
|
+
# cast_model_type set by kwargs
|
|
525
|
+
level = "O0"
|
|
526
|
+
network = auto_mixed_precision(network, level)
|
|
527
|
+
else:
|
|
528
|
+
if config["cast_model_type"] == mstype.float16:
|
|
529
|
+
network.to_float(mstype.float16)
|
|
530
|
+
|
|
531
|
+
if config["keep_batchnorm_fp32"]:
|
|
532
|
+
_do_keep_batchnorm_fp32(network)
|
|
533
|
+
elif not config["keep_batchnorm_fp32"] and level == "O2":
|
|
534
|
+
network.to_float(mstype.float16)
|
|
535
|
+
elif config["cast_model_type"] == mstype.float32 and level in ("O2", "O3"):
|
|
536
|
+
pass
|
|
537
|
+
else:
|
|
538
|
+
network = auto_mixed_precision(network, level)
|
|
539
|
+
return network
|
|
540
|
+
|
|
541
|
+
|
|
542
|
+
def build_train_network(network, optimizer, loss_fn=None, level='O0', boost_level='O0', **kwargs):
|
|
543
|
+
"""
|
|
544
|
+
Build the mixed precision training cell automatically.
|
|
545
|
+
|
|
546
|
+
Note:
|
|
547
|
+
- After using `custom_mixed_precision` or `auto_mixed_precision` for precision conversion, it is not supported
|
|
548
|
+
to perform the precision conversion again. If `build_train_network` is used to train a converted network,
|
|
549
|
+
`level` need to be configured to ``O0`` to avoid the duplicated accuracy conversion.
|
|
550
|
+
|
|
551
|
+
Args:
|
|
552
|
+
network (Cell): Definition of the network.
|
|
553
|
+
optimizer (:class:`mindspore.nn.Optimizer`): Define the optimizer to update the Parameter.
|
|
554
|
+
loss_fn (Union[None, Cell]): Define the loss function. If None, the `network` should have the loss inside.
|
|
555
|
+
Default: ``None`` .
|
|
556
|
+
level (str): Supports ['O0', 'O1', 'O2', 'O3', 'auto']. Default: ``'O0'`` .
|
|
557
|
+
|
|
558
|
+
- 'O0': Do not change.
|
|
559
|
+
- 'O1': Cast the operators in white_list to float16, the remaining operators are kept in float32.
|
|
560
|
+
The operators in the whitelist: [Conv1d, Conv2d, Conv3d, Conv1dTranspose, Conv2dTranspose,
|
|
561
|
+
Conv3dTranspose, Dense, LSTMCell, RNNCell, GRUCell, MatMul, BatchMatMul, PReLU, ReLU, Ger].
|
|
562
|
+
- 'O2': Cast network to float16, keep `mindspore.nn.BatchNorm` series interface,
|
|
563
|
+
:class:`mindspore.nn.LayerNorm` and `loss_fn` (if set) run in float32, using dynamic loss scale.
|
|
564
|
+
- 'O3': Cast network to float16, with additional property `keep_batchnorm_fp32=False` .
|
|
565
|
+
- 'auto': Set to level to recommended level in different devices. Set level to 'O2' on GPU, Set
|
|
566
|
+
level to 'O3' Ascend. The recommended level is chosen by the export experience, not applicable to all
|
|
567
|
+
scenarios. User should specify the level for special network.
|
|
568
|
+
|
|
569
|
+
'O2' is recommended on GPU, 'O3' is recommended on Ascend. Property of `keep_batchnorm_fp32`,
|
|
570
|
+
`cast_model_type` and `loss_scale_manager` determined by `level` setting may be overwritten by settings in
|
|
571
|
+
`kwargs`.
|
|
572
|
+
|
|
573
|
+
boost_level (str): Option for argument `level` in `mindspore.boost` , level for boost mode
|
|
574
|
+
training. Supports ['O0', 'O1', 'O2']. Default: ``'O0'`` .
|
|
575
|
+
|
|
576
|
+
- 'O0': Do not change.
|
|
577
|
+
- 'O1': Enable the boost mode, the performance is improved by about 20%, and
|
|
578
|
+
the accuracy is the same as the original accuracy.
|
|
579
|
+
- 'O2': Enable the boost mode, the performance is improved by about 30%, and
|
|
580
|
+
the accuracy is reduced by less than 3%.
|
|
581
|
+
|
|
582
|
+
If 'O1' or 'O2' mode is set, the boost related library will take effect automatically.
|
|
583
|
+
|
|
584
|
+
cast_model_type (:class:`mindspore.dtype`): Supports `mstype.float16` or `mstype.float32` . If set, the
|
|
585
|
+
network will be casted to `cast_model_type` ( `mstype.float16` or `mstype.float32` ), but not to be casted
|
|
586
|
+
to the type determined by `level` setting.
|
|
587
|
+
keep_batchnorm_fp32 (bool): Keep Batchnorm run in `float32` when the network is set to cast to `float16` . If
|
|
588
|
+
set, the `level` setting will take no effect on this property.
|
|
589
|
+
loss_scale_manager (Union[None, LossScaleManager]): If not None, must be subclass of
|
|
590
|
+
:class:`mindspore.amp.LossScaleManager` for scaling the loss. If set, the `level` setting will
|
|
591
|
+
take no effect on this property.
|
|
592
|
+
|
|
593
|
+
Raises:
|
|
594
|
+
ValueError: If device is CPU, property `loss_scale_manager` is not `None` or
|
|
595
|
+
:class:`mindspore.amp.FixedLossScaleManager` (with property `drop_overflow_update=False` ).
|
|
596
|
+
|
|
597
|
+
Examples:
|
|
598
|
+
>>> from mindspore import amp, nn
|
|
599
|
+
>>> # Define the network structure of LeNet5. Refer to
|
|
600
|
+
>>> # https://gitee.com/mindspore/docs/blob/master/docs/mindspore/code/lenet.py
|
|
601
|
+
>>> network = LeNet5()
|
|
602
|
+
>>> net_loss = nn.SoftmaxCrossEntropyWithLogits(reduction="mean")
|
|
603
|
+
>>> net_opt = nn.Momentum(network.trainable_params(), learning_rate=0.01, momentum=0.9)
|
|
604
|
+
>>> amp_level="O3"
|
|
605
|
+
>>> net = amp.build_train_network(network, net_opt, net_loss, amp_level)
|
|
606
|
+
"""
|
|
607
|
+
validator.check_value_type('optimizer', optimizer, (nn.Optimizer, boost.FreezeOpt,
|
|
608
|
+
nn.AdaSumByGradWrapCell, nn.AdaSumByDeltaWeightWrapCell))
|
|
609
|
+
|
|
610
|
+
level, enable_boost = _check_level(level, boost_level)
|
|
611
|
+
|
|
612
|
+
_check_kwargs(kwargs)
|
|
613
|
+
config = dict(_config_level.get(level), **kwargs)
|
|
614
|
+
|
|
615
|
+
network = _auto_mixed_precision_process(network, config, level)
|
|
616
|
+
|
|
617
|
+
if loss_fn:
|
|
618
|
+
network = _add_loss_network(network, loss_fn, config["cast_model_type"])
|
|
619
|
+
|
|
620
|
+
loss_scale = None
|
|
621
|
+
if config["loss_scale_manager"] is not None:
|
|
622
|
+
loss_scale_manager = config["loss_scale_manager"]
|
|
623
|
+
loss_scale = loss_scale_manager.get_loss_scale()
|
|
624
|
+
update_cell = loss_scale_manager.get_update_cell()
|
|
625
|
+
if update_cell is not None:
|
|
626
|
+
# only cpu not support `TrainOneStepWithLossScaleCell` for control flow.
|
|
627
|
+
if not context.get_context("enable_ge") and context.get_context("device_target") == "CPU":
|
|
628
|
+
raise ValueError("Only `loss_scale_manager=None` or "
|
|
629
|
+
"`loss_scale_manager=FixedLossScaleManager(drop_overflow_update=False)`"
|
|
630
|
+
"are supported on device `CPU`. ")
|
|
631
|
+
if _get_pipeline_stages() > 1 or _is_grad_accumulation(network):
|
|
632
|
+
network = _TrainGradAccuWithLossScaleCell(network, optimizer,
|
|
633
|
+
scale_sense=update_cell).set_train()
|
|
634
|
+
elif enable_boost:
|
|
635
|
+
network = boost.BoostTrainOneStepWithLossScaleCell(network, optimizer,
|
|
636
|
+
scale_sense=update_cell).set_train()
|
|
637
|
+
else:
|
|
638
|
+
network = nn.TrainOneStepWithLossScaleCell(network, optimizer,
|
|
639
|
+
scale_sense=update_cell).set_train()
|
|
640
|
+
return network
|
|
641
|
+
if _get_pipeline_stages() > 1 or _is_grad_accumulation(network):
|
|
642
|
+
network = _TrainGradAccuStepCell(network, optimizer).set_train()
|
|
643
|
+
elif enable_boost:
|
|
644
|
+
network = boost.BoostTrainOneStepCell(network, optimizer, loss_scale).set_train()
|
|
645
|
+
else:
|
|
646
|
+
network = nn.TrainOneStepCell(network, optimizer, loss_scale).set_train()
|
|
647
|
+
return network
|
|
648
|
+
|
|
649
|
+
|
|
650
|
+
def get_white_list():
|
|
651
|
+
"""
|
|
652
|
+
Provide a copy of internal white list used by auto mixed precision.
|
|
653
|
+
|
|
654
|
+
The current built-in whitelist contents are:
|
|
655
|
+
|
|
656
|
+
[:class:`mindspore.nn.Conv1d`, :class:`mindspore.nn.Conv2d`, :class:`mindspore.nn.Conv3d`,
|
|
657
|
+
:class:`mindspore.nn.Conv1dTranspose`, :class:`mindspore.nn.Conv2dTranspose`,
|
|
658
|
+
:class:`mindspore.nn.Conv3dTranspose`, :class:`mindspore.nn.Dense`, :class:`mindspore.nn.LSTMCell`,
|
|
659
|
+
:class:`mindspore.nn.RNNCell`, :class:`mindspore.nn.GRUCell`, :class:`mindspore.ops.Conv2D`,
|
|
660
|
+
:class:`mindspore.ops.Conv3D`, :class:`mindspore.ops.Conv2DTranspose`,
|
|
661
|
+
:class:`mindspore.ops.Conv3DTranspose`, :class:`mindspore.ops.MatMul`, :class:`mindspore.ops.BatchMatMul`,
|
|
662
|
+
:class:`mindspore.ops.PReLU`, :class:`mindspore.ops.ReLU`, :class:`mindspore.ops.Ger`]
|
|
663
|
+
|
|
664
|
+
Returns:
|
|
665
|
+
list, A copy of internal white list.
|
|
666
|
+
|
|
667
|
+
Examples:
|
|
668
|
+
>>> from mindspore import amp
|
|
669
|
+
>>> white_list = amp.get_white_list()
|
|
670
|
+
>>> print(white_list)
|
|
671
|
+
[<class 'mindspore.nn.layer.conv.Conv1d'>, <class 'mindspore.nn.layer.conv.Conv2d'>,
|
|
672
|
+
<class 'mindspore.nn.layer.conv.Conv3d'>, <class 'mindspore.nn.layer.conv.Conv1dTranspose'>,
|
|
673
|
+
<class 'mindspore.nn.layer.conv.Conv2dTranspose'>, <class 'mindspore.nn.layer.conv.Conv3dTranspose'>,
|
|
674
|
+
<class 'mindspore.nn.layer.basic.Dense'>, <class 'mindspore.nn.layer.rnn_cells.LSTMCell'>,
|
|
675
|
+
<class 'mindspore.nn.layer.rnn_cells.RNNCell'>, <class 'mindspore.nn.layer.rnn_cells.GRUCell'>,
|
|
676
|
+
<class 'mindspore.ops.operations.nn_ops.Conv2D'>, <class 'mindspore.ops.operations.nn_ops.Conv3D'>,
|
|
677
|
+
<class 'mindspore.ops.operations.nn_ops.Conv2DTranspose'>,
|
|
678
|
+
<class 'mindspore.ops.operations.nn_ops.Conv3DTranspose'>,
|
|
679
|
+
<class 'mindspore.ops.operations.nn_ops.Conv2DBackpropInput'>,
|
|
680
|
+
<class 'mindspore.ops.operations.math_ops.MatMul'>, <class 'mindspore.ops.operations.math_ops.BatchMatMul'>,
|
|
681
|
+
<class 'mindspore.ops.operations.nn_ops.PReLU'>, <class 'mindspore.ops.operations.nn_ops.ReLU'>,
|
|
682
|
+
<class 'mindspore.ops.operations.math_ops.Ger'>]
|
|
683
|
+
"""
|
|
684
|
+
white_list = AMP_WHITE_LIST.copy()
|
|
685
|
+
return white_list
|
|
686
|
+
|
|
687
|
+
|
|
688
|
+
def get_black_list():
|
|
689
|
+
"""
|
|
690
|
+
Provide a copy of internal black list used by auto mixed precision.
|
|
691
|
+
|
|
692
|
+
The current built-in blacklist contents are:
|
|
693
|
+
|
|
694
|
+
[:class:`mindspore.nn.BatchNorm1d`, :class:`mindspore.nn.BatchNorm2d`, :class:`mindspore.nn.BatchNorm3d`,
|
|
695
|
+
:class:`mindspore.nn.LayerNorm`]
|
|
696
|
+
|
|
697
|
+
Returns:
|
|
698
|
+
list, A copy of internal black list.
|
|
699
|
+
|
|
700
|
+
Examples:
|
|
701
|
+
>>> from mindspore import amp
|
|
702
|
+
>>> black_list = amp.get_black_list()
|
|
703
|
+
>>> print(black_list)
|
|
704
|
+
[<class 'mindspore.nn.layer.normalization.BatchNorm1d'>, <class 'mindspore.nn.layer.normalization.BatchNorm2d'>,
|
|
705
|
+
<class 'mindspore.nn.layer.normalization.BatchNorm3d'>, <class 'mindspore.nn.layer.normalization.LayerNorm'>]
|
|
706
|
+
"""
|
|
707
|
+
black_list = AMP_BLACK_LIST.copy()
|
|
708
|
+
return black_list
|
|
709
|
+
|
|
710
|
+
|
|
711
|
+
def custom_mixed_precision(network, *, white_list=None, black_list=None, dtype=mstype.float16):
|
|
712
|
+
"""
|
|
713
|
+
Custom mixed precision by setting whitelist or blacklist.
|
|
714
|
+
When the `white_list` is provided, primitives and cells in `white_list` will perform the precision conversion.
|
|
715
|
+
When the `black_list` is provided, cells that are not in `black_list` will perform the pereision conversion.
|
|
716
|
+
Only one of `white_list` and `black_list` should be provided.
|
|
717
|
+
|
|
718
|
+
Note:
|
|
719
|
+
- Repeatedly calling mixed-precision interfaces, such as `custom_mixed_precision` and `auto_mixed_precision`,
|
|
720
|
+
can result in a larger network hierarchy and slower performance.
|
|
721
|
+
- If interfaces like `Model` and `build_train_network` is used to train the network which is converted by
|
|
722
|
+
mixed-precision interfaces such as `custom_mixed_precision` and `auto_mixed_precision`, `amp_level`
|
|
723
|
+
need to be configured to ``O0`` to avoid the duplicated accuracy conversion.
|
|
724
|
+
- Primitives for blacklist is not support yet.
|
|
725
|
+
|
|
726
|
+
Args:
|
|
727
|
+
network (Cell): Definition of the network.
|
|
728
|
+
white_list (list[Primitive, Cell], optional): White list of custom mixed precision. Defaults: ``None`` , means
|
|
729
|
+
white list is not used.
|
|
730
|
+
black_list (list[Cell], optional): Black list of custom mixed precision. Defaults: ``None`` , means
|
|
731
|
+
black list is not used.
|
|
732
|
+
dtype (Type): The type used in lower precision calculations, can be ``mstype.float16`` or ``mstype.bfloat16`` ,
|
|
733
|
+
default: ``mstype.float16`` .
|
|
734
|
+
|
|
735
|
+
Returns:
|
|
736
|
+
network (Cell), A network supporting mixed precision.
|
|
737
|
+
|
|
738
|
+
Raises:
|
|
739
|
+
TypeError: The network type is not Cell.
|
|
740
|
+
ValueError: Neither `white_list` nor `black_list` is provided.
|
|
741
|
+
ValueError: If `dtype` is not one of ``mstype.float16`` , ``mstype.bfloat16`` .
|
|
742
|
+
ValueError: Both `white_list` and `black_list` are provided.
|
|
743
|
+
|
|
744
|
+
Examples:
|
|
745
|
+
>>> from mindspore import amp, nn
|
|
746
|
+
>>> # Define the network structure of LeNet5. Refer to
|
|
747
|
+
>>> # https://gitee.com/mindspore/docs/blob/master/docs/mindspore/code/lenet.py
|
|
748
|
+
>>> net = LeNet5()
|
|
749
|
+
>>> custom_white_list = amp.get_white_list()
|
|
750
|
+
>>> custom_white_list.append(nn.Flatten)
|
|
751
|
+
>>> net = amp.custom_mixed_precision(net, white_list=custom_white_list)
|
|
752
|
+
"""
|
|
753
|
+
if not isinstance(network, nn.Cell):
|
|
754
|
+
raise TypeError("The network type should be Cell.")
|
|
755
|
+
|
|
756
|
+
if white_list is None and black_list is None:
|
|
757
|
+
raise ValueError("For custom_mixed_precision, one of white_list and black_list must be provided.")
|
|
758
|
+
|
|
759
|
+
if white_list is not None and black_list is not None:
|
|
760
|
+
raise ValueError("For custom_mixed_precision, the white_list or black_list cannot be provided "
|
|
761
|
+
"at the same time, please provide one or the other.")
|
|
762
|
+
|
|
763
|
+
if dtype not in (mstype.float16, mstype.bfloat16):
|
|
764
|
+
raise ValueError(f"The dtype should be one of (mstype.float16, mstype.bfloat16), but got {dtype}.")
|
|
765
|
+
|
|
766
|
+
if white_list is not None:
|
|
767
|
+
_list_check(white_list, "white_list")
|
|
768
|
+
network = _auto_mixed_precision_rewrite(network, dtype, white_list=white_list)
|
|
769
|
+
else:
|
|
770
|
+
_list_check(black_list, "black_list")
|
|
771
|
+
if MS_AMP_BY_REWRITE:
|
|
772
|
+
network = _auto_mixed_precision_rewrite(network, dtype, black_list=black_list)
|
|
773
|
+
else:
|
|
774
|
+
network = _auto_black_list(network, black_list, dtype)
|
|
775
|
+
network = _OutputTo32(network)
|
|
776
|
+
return network
|
|
777
|
+
|
|
778
|
+
|
|
779
|
+
def _list_check(custom_list: list, list_name: str):
|
|
780
|
+
"""
|
|
781
|
+
check whether custom list is valid
|
|
782
|
+
|
|
783
|
+
Raises:
|
|
784
|
+
TypeError: The type of custom_list is not list.
|
|
785
|
+
TypeError: The element in custom_list is not a class.
|
|
786
|
+
TypeError: The subclass of element in custom_list is not one of ['Cell', 'Primitive'].
|
|
787
|
+
"""
|
|
788
|
+
if not isinstance(custom_list, list):
|
|
789
|
+
raise TypeError(f"The type of {list_name} should be list, but got {type(custom_list)}")
|
|
790
|
+
|
|
791
|
+
for elem in custom_list:
|
|
792
|
+
if not isinstance(elem, type):
|
|
793
|
+
raise TypeError(f"The element in {list_name} should be a class, but got {elem}")
|
|
794
|
+
|
|
795
|
+
if list_name == "white_list" and not issubclass(elem, nn.Cell) and not issubclass(elem, Primitive):
|
|
796
|
+
raise TypeError(f"The subclass of element in {list_name} should be one of 'Cell' and 'Primitive', "
|
|
797
|
+
f"but got {elem}")
|
|
798
|
+
|
|
799
|
+
if list_name == "black_list" and not issubclass(elem, nn.Cell):
|
|
800
|
+
raise TypeError(f"The subclass of element in {list_name} should be one of 'Cell', but got {elem}")
|
|
801
|
+
|
|
802
|
+
if list_name == 'black_list':
|
|
803
|
+
for elem in AMP_BLACK_LIST:
|
|
804
|
+
if elem not in custom_list:
|
|
805
|
+
logger.warning(f"{elem} is removed from internal black list.")
|
|
806
|
+
|
|
807
|
+
|
|
808
|
+
def _config_amp(*, enable_rewrite: bool = None, cast_op: types.FunctionType = None): # pylint: disable=unused-variable
|
|
809
|
+
"""Configure auto mixed precision."""
|
|
810
|
+
global MS_AMP_BY_REWRITE
|
|
811
|
+
global _amp_cast_op
|
|
812
|
+
|
|
813
|
+
if enable_rewrite is not None:
|
|
814
|
+
MS_AMP_BY_REWRITE = enable_rewrite
|
|
815
|
+
|
|
816
|
+
if cast_op is not None:
|
|
817
|
+
_amp_cast_op = cast_op
|