add GPU impl for Fills and testcase

This commit is contained in:
yelihua 2022-05-13 11:00:59 +08:00
parent 7091d8ce4d
commit 79316f6caf
77 changed files with 1419 additions and 621 deletions

View File

@ -235,6 +235,7 @@ Tensor创建
mindspore.ops.eye
mindspore.ops.fill
mindspore.ops.fills
mindspore.ops.ones
mindspore.ops.ones_like
mindspore.ops.zeros_like

View File

@ -351,6 +351,27 @@ mindspore.Tensor
- **TypeError** - 输入参数具有前面未指定的类型。
.. py:method:: fills(value)
创建一个与当前Tensor具有相同shape和type的Tensor并用标量值填充。
.. note::
与NumPy不同Tensor.fills()将始终返回一个新的Tensor而不是填充原来的Tensor。
**参数:**
- **value** (Union[int, float, Tensor]) - 用来填充输出Tensor的值。数据类型为intfloat或0-维Tensor。
**返回:**
Tensor与当前Tensor具有相同的shape和type。
**异常:**
- **TypeError** - `value` 具有前面未指定的类型。
- **RuntimeError** - `value` 不能转换为与当前Tensor相同的类型。
- **ValueError** - `value` 是非0维Tensor。
.. py:method:: flatten(order='C')
返回展开成一维的Tensor的副本。

View File

@ -0,0 +1,8 @@
mindspore.ops.Fills
==================
.. py:class:: mindspore.ops.Fills()
创建一个与输入Tensor具有相同shape和type的Tensor并用指定值填充。
更多参考详见 :func:`mindspore.ops.fills`

View File

@ -0,0 +1,22 @@
mindspore.ops.fills
==================
.. py:function:: mindspore.ops.fills(x, value)
创建一个与输入Tensor具有相同shape和type的Tensor并用指定值填充。
**参数:**
- **x** (Tensor) - 输入Tensor用来指定输出Tensor的shape和type。数据类型为int8int16int32float16float32。
- **value** (Union(int, float, Tensor)) - 用来填充输出Tensor的值。数据类型为intfloat或0-维Tensor。
**返回:**
Tensor与输入数据`x`具有相同的shape和type。
**异常:**
**TypeError** - `x` 不是Tensor。
**TypeError** - `value` 具有前面未指定的类型。
**RuntimeError** - `value` 不能转换为与当前Tensor相同的类型。
**ValueError** - `value` 是非0维Tensor。

View File

@ -235,6 +235,7 @@ Tensor Building
mindspore.ops.eye
mindspore.ops.fill
mindspore.ops.fills
mindspore.ops.ones
mindspore.ops.ones_like
mindspore.ops.zeros_like

View File

@ -206,6 +206,7 @@ BuiltInTypeMap &GetMethodMap() {
{"pow", std::string("pow")}, // P.Pow()
{"round", std::string("round")}, // P.Round()
{"fill", std::string("fill")}, // P.fill()
{"fills", std::string("fills")}, // P.fills
{"ptp", std::string("ptp")}, // P.reduce_max() - P.reduce_min()
{"clip", std::string("clip")}, // P.maximum(P.minimum)
{"__bool__", std::string("tensor_bool")}, // C.tensor_bool

View File

@ -0,0 +1,127 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "plugin/device/gpu/kernel/arrays/fills_gpu_kernel.h"
#include <limits>
#include <memory>
#include <functional>
#include <algorithm>
#include "base/float16.h"
#include "abstract/utils.h"
#include "mindspore/core/ops/fills.h"
#include "plugin/device/gpu/kernel/cuda_impl/cuda_ops/fills_impl.cuh"
namespace mindspore {
namespace kernel {
template <typename T>
typename std::enable_if<std::is_same<T, half>::value, bool>::type overflows(float f) {
using limit = std::numeric_limits<float16>;
if (std::isinf(f) || (f != f)) {
return false;
}
return f < static_cast<float>(limit::lowest()) || f > static_cast<float>(limit::max());
}
template <typename T>
typename std::enable_if<!std::is_same<T, half>::value, bool>::type overflows(float f) {
using limit = std::numeric_limits<T>;
if (std::isinf(f)) {
return !limit::has_infinity;
}
if (!limit::has_quiet_NaN && (f != f)) {
return true;
}
return f < limit::lowest() || f > limit::max();
}
#define FILLS_GPU_REG(MS_T, T) \
{ \
KernelAttr().AddInputAttr(MS_T).AddInputAttr(kNumberTypeFloat32).AddOutputAttr(MS_T), \
&FillsGpuKernelMod::LaunchKernel<T> \
}
std::vector<std::pair<KernelAttr, FillsGpuKernelMod::FillsFunc>> FillsGpuKernelMod::func_list_ = {
FILLS_GPU_REG(kNumberTypeInt8, int8_t), FILLS_GPU_REG(kNumberTypeInt16, int16_t),
FILLS_GPU_REG(kNumberTypeInt32, int32_t), FILLS_GPU_REG(kNumberTypeFloat16, half),
FILLS_GPU_REG(kNumberTypeFloat32, float)};
bool FillsGpuKernelMod::Init(const BaseOperatorPtr &base_operator, const std::vector<KernelTensorPtr> &inputs,
const std::vector<KernelTensorPtr> &outputs) {
kernel_name_ = base_operator->name();
auto tensor_attr = GetKernelAttrFromTensors(inputs, outputs);
auto [is_match, index] = MatchKernelAttr(tensor_attr, GetOpSupport());
if (!is_match) {
MS_LOG(ERROR) << "For '" << kernel_name_ << "', it does not support this kernel type: " << tensor_attr;
return false;
}
kernel_func_ = func_list_[index].second;
auto x_type_id = tensor_attr.GetInputAttr(kIndex0).first;
unit_size_ = abstract::TypeIdSize(x_type_id);
x_type_str_ = TypeIdToString(x_type_id);
return true;
}
int FillsGpuKernelMod::Resize(const BaseOperatorPtr &base_operator, const std::vector<KernelTensorPtr> &inputs,
const std::vector<KernelTensorPtr> &outputs,
const std::map<uint32_t, tensor::TensorPtr> &inputsOnHost) {
ResetResource();
int ret = KRET_OK;
if ((ret = KernelMod::Resize(base_operator, inputs, outputs, inputsOnHost)) != KRET_OK) {
return ret;
}
auto shape = inputs.at(kIndex0)->GetShapeVector();
input_elements_ = std::accumulate(shape.begin(), shape.end(), 1, std::multiplies<size_t>());
auto workspace_size = sizeof(float);
workspace_size_list_.emplace_back(workspace_size);
return KRET_OK;
}
std::vector<KernelAttr> FillsGpuKernelMod::GetOpSupport() {
std::vector<KernelAttr> support_list;
(void)std::transform(func_list_.begin(), func_list_.end(), std::back_inserter(support_list),
[](const std::pair<KernelAttr, FillsFunc> &item) { return item.first; });
return support_list;
}
void FillsGpuKernelMod::ResetResource() noexcept {
is_null_input_ = false;
input_elements_ = 0;
input_size_list_.clear();
output_size_list_.clear();
workspace_size_list_.clear();
}
template <typename T>
bool FillsGpuKernelMod::LaunchKernel(const std::vector<AddressPtr> &inputs, const std::vector<AddressPtr> &workspace,
const std::vector<AddressPtr> &outputs) {
auto value_ptr = GetDeviceAddress<float>(inputs, kIndex1);
auto y_ptr = GetDeviceAddress<T>(outputs, kIndex0);
float value = 0;
auto cuda_stream = reinterpret_cast<cudaStream_t>(cuda_stream_);
CHECK_CUDA_RET_WITH_EXCEPT_NOTRACE(
cudaMemcpyAsync(&value, value_ptr, sizeof(float), cudaMemcpyDeviceToHost, cuda_stream),
"cudaMemcpy value variable failed.");
if (overflows<T>(value)) {
MS_LOG(ERROR) << "For '" << kernel_name_ << "', value cannot be converted to type " << x_type_str_
<< " without overflow: " << value;
return false;
}
FillsForward(input_elements_, value_ptr, y_ptr, device_id_, cuda_stream);
return true;
}
MS_KERNEL_FACTORY_REG(NativeGpuKernelMod, Fills, FillsGpuKernelMod);
} // namespace kernel
} // namespace mindspore

View File

@ -0,0 +1,71 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#ifndef MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_ARRAYS_FILLS_GPU_KERNEL_H_
#define MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_ARRAYS_FILLS_GPU_KERNEL_H_
#include <map>
#include <string>
#include <vector>
#include <utility>
#include "plugin/device/gpu/kernel/gpu_kernel.h"
#include "plugin/device/gpu/kernel/gpu_kernel_factory.h"
namespace mindspore {
namespace kernel {
class FillsGpuKernelMod : public NativeGpuKernelMod {
public:
FillsGpuKernelMod() { ResetResource(); }
~FillsGpuKernelMod() override = default;
bool Init(const BaseOperatorPtr &base_operator, const std::vector<KernelTensorPtr> &inputs,
const std::vector<KernelTensorPtr> &outputs) override;
int Resize(
const BaseOperatorPtr &base_operator, const std::vector<KernelTensorPtr> &inputs,
const std::vector<KernelTensorPtr> &outputs,
const std::map<uint32_t, tensor::TensorPtr> &inputsOnHost = std::map<uint32_t, tensor::TensorPtr>()) override;
std::vector<KernelAttr> GetOpSupport() override;
bool Launch(const std::vector<AddressPtr> &inputs, const std::vector<AddressPtr> &workspace,
const std::vector<AddressPtr> &outputs, void *stream_ptr) override {
if (is_null_input_) {
return true;
}
cuda_stream_ = stream_ptr;
return kernel_func_(this, inputs, workspace, outputs);
}
private:
void ResetResource() noexcept;
template <typename T>
bool LaunchKernel(const std::vector<AddressPtr> &inputs, const std::vector<AddressPtr> &workspace,
const std::vector<AddressPtr> &outputs);
using FillsFunc =
std::function<bool(FillsGpuKernelMod *, const std::vector<kernel::AddressPtr> &,
const std::vector<kernel::AddressPtr> &, const std::vector<kernel::AddressPtr> &)>;
size_t unit_size_{0};
std::string x_type_str_;
size_t input_elements_{0};
bool is_null_input_{false};
void *cuda_stream_{nullptr};
FillsFunc kernel_func_{};
static std::vector<std::pair<KernelAttr, FillsGpuKernelMod::FillsFunc>> func_list_;
};
} // namespace kernel
} // namespace mindspore
#endif // MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_ARRAYS_FILLS_GPU_KERNEL_H_

View File

@ -0,0 +1,43 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "plugin/device/gpu/kernel/cuda_impl/cuda_ops/fills_impl.cuh"
#include "include/cuda_runtime.h"
#include "include/cuda_fp16.h"
template <typename T>
__global__ void FillsKernel(const size_t n, const float *input, T *output) {
const T value = static_cast<T>(*input);
for (size_t pos = blockIdx.x * blockDim.x + threadIdx.x; pos < n; pos += blockDim.x * gridDim.x) {
output[pos] = value;
}
}
template <typename T>
void FillsForward(const size_t &n, const float *input, T *output, const uint32_t &device_id, cudaStream_t stream) {
FillsKernel<<<CUDA_BLOCKS(device_id, n), CUDA_THREADS(device_id), 0, stream>>>(n, input, output);
}
template CUDA_LIB_EXPORT void FillsForward<float>(const size_t &n, const float *input, float *output,
const uint32_t &device_id, cudaStream_t stream);
template CUDA_LIB_EXPORT void FillsForward<half>(const size_t &n, const float *input, half *output,
const uint32_t &device_id, cudaStream_t stream);
template CUDA_LIB_EXPORT void FillsForward<int8_t>(const size_t &n, const float *input, int8_t *output,
const uint32_t &device_id, cudaStream_t stream);
template CUDA_LIB_EXPORT void FillsForward<int16_t>(const size_t &n, const float *input, int16_t *output,
const uint32_t &device_id, cudaStream_t stream);
template CUDA_LIB_EXPORT void FillsForward<int32_t>(const size_t &n, const float *input, int32_t *output,
const uint32_t &device_id, cudaStream_t stream);

View File

@ -0,0 +1,24 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#ifndef MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_CUDA_IMPL_CUDA_OPS_FILLS_IMPL_CUH_
#define MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_CUDA_IMPL_CUDA_OPS_FILLS_IMPL_CUH_
#include "plugin/device/gpu/kernel/cuda_impl/cuda_ops/cuda_device_info.h"
template <typename T>
CUDA_LIB_EXPORT void FillsForward(const size_t &n, const float *input, T *output, const uint32_t &device_id,
cudaStream_t stream);
#endif // MINDSPORE_CCSRC_PLUGIN_DEVICE_GPU_KERNEL_CUDA_IMPL_CUDA_OPS_FILLS_IMPL_CUH_

View File

@ -122,6 +122,7 @@ constexpr auto kReLUGradV2 = "ReluGradV2";
constexpr auto kRint = "Rint";
constexpr auto kGeLUGrad = "GeLUGrad";
constexpr auto kFillV2 = "FillV2";
constexpr auto kFills = "Fills";
constexpr auto kFastGeLU = "FastGeLU";
constexpr auto kFastGeLUGrad = "FastGeLUGrad";
constexpr auto kStridedSlice = "StridedSlice";
@ -433,6 +434,7 @@ GVAR_DEF(PrimitivePtr, kPrimReal, std::make_shared<Primitive>(kReal));
GVAR_DEF(PrimitivePtr, kPrimImag, std::make_shared<Primitive>(kImag));
GVAR_DEF(PrimitivePtr, kPrimConj, std::make_shared<Primitive>(kConj));
GVAR_DEF(PrimitivePtr, kPrimFillV2, std::make_shared<Primitive>(kFillV2));
GVAR_DEF(PrimitivePtr, kPrimFills, std::make_shared<Primitive>(kFills));
GVAR_DEF(PrimitivePtr, kPrimExtractVolumePatches, std::make_shared<Primitive>("ExtractVolumePatches"));
GVAR_DEF(PrimitivePtr, kPrimLstsq, std::make_shared<Primitive>(kLstsq));
GVAR_DEF(PrimitivePtr, kPrimLowerBound, std::make_shared<Primitive>(kLowerBound));

View File

@ -0,0 +1,68 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "ops/fills.h"
#include <set>
#include <memory>
#include <string>
#include <algorithm>
#include "ops/op_utils.h"
#include "utils/check_convert_utils.h"
#include "abstract/ops/primitive_infer_map.h"
#include "mindapi/src/helper.h"
namespace mindspore {
namespace ops {
namespace {
abstract::ShapePtr FillsInferShape(const PrimitivePtr &primitive, const std::vector<AbstractBasePtr> &input_args) {
if (input_args[kInputIndex1]->isa<abstract::AbstractTensor>()) {
auto value_shape = CheckAndConvertUtils::ConvertShapePtrToShapeMap(input_args[kInputIndex1]->BuildShape())[kShape];
auto value_rank = SizeToLong(value_shape.size());
(void)CheckAndConvertUtils::CheckInteger("rank of 'value'", value_rank, kEqual, 0, primitive->name());
}
auto x_shape_map = CheckAndConvertUtils::ConvertShapePtrToShapeMap(input_args[kInputIndex0]->BuildShape());
auto x_shape = x_shape_map[kShape];
return std::make_shared<abstract::Shape>(x_shape);
}
TypePtr FillsInferType(const PrimitivePtr &prim, const std::vector<AbstractBasePtr> &input_args) {
auto op_name = prim->name();
auto value_type = input_args[kInputIndex1]->BuildType();
(void)CheckAndConvertUtils::CheckTypeValid("value", value_type, {kFloat32}, op_name);
auto x_type = input_args[kInputIndex0]->BuildType();
const std::set<TypePtr> x_valid_types = {kInt8, kInt16, kInt32, kFloat16, kFloat32};
(void)CheckAndConvertUtils::CheckTensorTypeValid("x", x_type, x_valid_types, op_name);
return x_type;
}
} // namespace
MIND_API_OPERATOR_IMPL(Fills, BaseOperator);
AbstractBasePtr FillsInfer(const abstract::AnalysisEnginePtr &, const PrimitivePtr &primitive,
const std::vector<AbstractBasePtr> &input_args) {
MS_EXCEPTION_IF_NULL(primitive);
const int64_t kInputNum = 2;
CheckAndConvertUtils::CheckInputArgs(input_args, kEqual, kInputNum, primitive->name());
for (const auto &item : input_args) {
MS_EXCEPTION_IF_NULL(item);
}
auto infer_type = FillsInferType(primitive, input_args);
auto infer_shape = FillsInferShape(primitive, input_args);
return abstract::MakeAbstract(infer_shape, infer_type);
}
REGISTER_PRIMITIVE_EVAL_IMPL(Fills, prim::kPrimFills, FillsInfer, nullptr, true);
} // namespace ops
} // namespace mindspore

View File

@ -0,0 +1,37 @@
/**
* Copyright 2022 Huawei Technologies Co., Ltd
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#ifndef MINDSPORE_CORE_OPS_FILLS_H_
#define MINDSPORE_CORE_OPS_FILLS_H_
#include <vector>
#include "ops/base_operator.h"
#include "mindapi/base/types.h"
#include "mindspore/core/ops/core_ops.h"
namespace mindspore {
namespace ops {
class MIND_API Fills : public BaseOperator {
public:
MIND_API_BASE_MEMBER(Fills);
/// \brief Create a tensor filled with a scalar value. Refer to Python API @ref mindspore.ops.fills for more details.
Fills() : BaseOperator(prim::kFills) { InitIOName({"x", "value"}, {"y"}); }
};
abstract::AbstractBasePtr FillsInfer(const abstract::AnalysisEnginePtr &, const PrimitivePtr &primitive,
const std::vector<abstract::AbstractBasePtr> &input_args);
} // namespace ops
} // namespace mindspore
#endif // MINDSPORE_CORE_OPS_FILLS_H_

View File

@ -538,6 +538,7 @@ TypePtr CheckAndConvertUtils::CheckTensorTypeSame(const std::map<std::string, Ty
TypePtr CheckAndConvertUtils::CheckTensorTypeValid(const std::string &type_name, const TypePtr &type,
const std::set<TypePtr> &check_list, const std::string &prim_name) {
// note that the return type might be different from input type
MS_EXCEPTION_IF_NULL(type);
if (!type->isa<TensorType>()) {
MS_EXCEPTION(TypeError) << "For Primitive[" << prim_name << "], the input argument[" << type_name

View File

@ -1104,6 +1104,13 @@ def fill(x, value):
return F.fill(x.dtype, x.shape, value)
def fills(x, value):
"""
Create a tensor of the same shape and type as the input tensor and fill it with specified value.
"""
return F.fills(x, value)
def ptp(x, axis=None, keepdims=False):
"""
The name of the function comes from the acronym for "peak to peak".

View File

@ -1984,6 +1984,40 @@ class Tensor(Tensor_):
"but got {}.".format(type(value)))
return tensor_operator_registry.get("fill")(self.dtype, self.shape, value)
def fills(self, value):
"""
Create a tensor of the same shape and type as the input tensor and fill it with specified value.
Note:
Unlike Numpy, tensor.fills() will always returns a new tensor, instead of
filling the original tensor.
Args:
value (Union[int, float, Tensor]): All elements of the output tensor will be assigned this value. The
type should be int, float or 0-dimensional tensor.
Returns:
Tensor, with the same shape and type as input tensor.
Raises:
TypeError: If `value` has types not specified above.
RuntimeError: If `value` cannot be converted to the same type as `x`.
ValueError: If `value` is a tensor and the length of dimension is not 0.
Supported Platforms:
``GPU``
Examples:
>>> import numpy as np
>>> from mindspore import Tensor
>>> x = Tensor(np.arange(4).reshape((2, 2)).astype('float32'))
>>> print(x.fills(1.0))
[[1. 1.]
[1. 1.]]
"""
self._init_check()
return tensor_operator_registry.get('fills')(self, value)
def masked_fill(self, mask, value):
"""
Fills elements of self tensor with value where mask is True.

View File

@ -1,4 +1,4 @@
# Copyright 2020-2021 Huawei Technologies Co., Ltd
# Copyright 2020-2022 Huawei Technologies Co., Ltd
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -21,6 +21,7 @@ from mindspore.ops import composite as C
from .. import operations as P
from ..operations import _grad_ops as G
from ..operations import _inner_ops as inner
from ..operations.array_ops import Fills
from ..composite.multitype_ops.zeros_like_impl import zeros_like
from ..functional import broadcast_gradient_args
from .. import functional as F
@ -52,6 +53,16 @@ def get_bprop_fill(self):
return bprop
@bprop_getters.register(Fills)
def get_bprop_fills(self):
"""Generate bprop for Fills."""
def bprop(x, value, out, dout):
return zeros_like(x), zeros_like(value)
return bprop
@bprop_getters.register(P.Ones)
def get_bprop_ones(self):
"""Generate bprop for Ones"""

View File

@ -22,6 +22,7 @@ from mindspore.ops import constexpr
from ..primitive import Primitive
from .._vmap.vmap_base import vmap_rules_getters, vmap_general_preprocess, _bdim_at_front, _raise_value_error, \
_handle_broadcasting
from ..operations.array_ops import Fills
@vmap_rules_getters.register("Cast")
@ -358,6 +359,39 @@ def get_fill_vmap_rule(prim, axis_size):
return vmap_rule
@vmap_rules_getters.register(Fills)
def get_fills_vmap_rule(prim, axis_size):
"""VmapRule for `Fills` operation."""
if isinstance(prim, str):
prim = Primitive(prim)
cast_op = P.Cast()
def vmap_rule(x_bdim, value_bdim):
is_all_none, result = vmap_general_preprocess(prim, x_bdim, value_bdim)
if is_all_none:
return result
x, x_dim = x_bdim
value, value_dim = value_bdim
out_type = x.dtype
out_shape = x.shape
value = cast_op(value, out_type)
if value_dim is None:
out = P.BroadcastTo(out_shape)(value)
return out, x_dim
value = _bdim_at_front(value, value_dim, axis_size)
if x_dim is None:
value = F.reshape(value, (axis_size,) + (1,) * len(out_shape))
out = P.BroadcastTo((axis_size,) + out_shape)(value)
else:
x = _bdim_at_front(x, x_dim, axis_size)
out_shape = x.shape
value = F.reshape(value, (axis_size,) + (1,) * (len(out_shape) - 1))
out = P.BroadcastTo(out_shape)(value)
return out, 0
return vmap_rule
@vmap_rules_getters.register(P.Range)
def get_range_vmap_rule(prim, axis_size):
"""VmapRule for `Range` operation."""

View File

@ -1,20 +1,20 @@
0.1.1 MindSpore*1.7.0:Ü

0.1.1 MindSpore*1.7.0:Þ

bprop.12:xbprop.12:[CNode]13:1bprop.12:[CNode]13:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op8

bprop.33:xbprop.33:[CNode]34:1bprop.33:[CNode]34:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op22

bprop.12:ybprop.12:[CNode]14:3bprop.12:[CNode]14:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op9
bprop.33:ybprop.33:[CNode]35:3bprop.33:[CNode]35:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op23
<EFBFBD>
bprop.12:[CNode]13:1
bprop.12:[CNode]14:3bprop.12:[CNode]15:4bprop.12:[CNode]15:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op10bprop.12*
bprop.33:[CNode]34:1
bprop.33:[CNode]35:3bprop.33:[CNode]36:4bprop.33:[CNode]36:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op24bprop.33*
bprop.12:x*
bprop.33:x*
bprop.12:y*
bprop.12:out*
bprop.12:dout2
bprop.12:[CNode]15:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
bprop.33:y*
bprop.33:out*
bprop.33:dout2
bprop.33:[CNode]36:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,14 +1,14 @@
0.1.1 MindSpore*1.7.0:¢
0.1.1 MindSpore*1.7.0:£
<EFBFBD>
bprop.12:xbprop.12:[CNode]13:1bprop.12:[CNode]13:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op7
y
bprop.12:[CNode]13:1bprop.12:[CNode]14:3bprop.12:[CNode]14:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op8bprop.12*
bprop.14:xbprop.14:[CNode]15:1bprop.14:[CNode]15:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op9
z
bprop.14:[CNode]15:1bprop.14:[CNode]16:3bprop.14:[CNode]16:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op10bprop.14*
bprop.12:x*
bprop.12:out*
bprop.12:dout2
bprop.12:[CNode]14:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
bprop.14:x*
bprop.14:out*
bprop.14:dout2
bprop.14:[CNode]16:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,14 +1,14 @@
0.1.1 MindSpore*1.7.0:£

0.1.1 MindSpore*1.7.0:¤

bprop.15:xbprop.15:[CNode]16:1bprop.15:[CNode]16:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op9
bprop.17:xbprop.17:[CNode]18:1bprop.17:[CNode]18:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op11
z
bprop.15:[CNode]16:1bprop.15:[CNode]17:3bprop.15:[CNode]17:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op10bprop.15*
bprop.17:[CNode]18:1bprop.17:[CNode]19:3bprop.17:[CNode]19:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op12bprop.17*
bprop.15:x*
bprop.15:out*
bprop.15:dout2
bprop.15:[CNode]17:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
bprop.17:x*
bprop.17:out*
bprop.17:dout2
bprop.17:[CNode]19:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,16 +1,20 @@
0.1.1 MindSpore*1.7.0:Â
Œ
bprop.1:xbprop.1:[CNode]2:1bprop.1:[CNode]2:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op0
Œ
bprop.1:ybprop.1:[CNode]3:3bprop.1:[CNode]3:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op1

bprop.1:[CNode]2:1
bprop.1:[CNode]3:3bprop.1:[CNode]4:4bprop.1:[CNode]4:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op2bprop.1*
bprop.1:x*
bprop.1:y*
bprop.1:out*
bprop.1:dout2
bprop.1:[CNode]4:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
0.1.1 MindSpore*1.7.0:Þ

bprop.22:xbprop.22:[CNode]23:1bprop.22:[CNode]23:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op14

bprop.22:ybprop.22:[CNode]24:3bprop.22:[CNode]24:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op15
<EFBFBD>
bprop.22:[CNode]23:1
bprop.22:[CNode]24:3bprop.22:[CNode]25:4bprop.22:[CNode]25:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op16bprop.22*
bprop.22:x*
bprop.22:y*
bprop.22:out*
bprop.22:dout2
bprop.22:[CNode]25:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,16 +1,20 @@
0.1.1 MindSpore*1.7.0:Â
Œ
bprop.5:xbprop.5:[CNode]6:1bprop.5:[CNode]6:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op3
Œ
bprop.5:ybprop.5:[CNode]7:3bprop.5:[CNode]7:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op4

bprop.5:[CNode]6:1
bprop.5:[CNode]7:3bprop.5:[CNode]8:4bprop.5:[CNode]8:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op5bprop.5*
bprop.5:x*
bprop.5:y*
bprop.5:out*
bprop.5:dout2
bprop.5:[CNode]8:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:Þ

bprop.26:xbprop.26:[CNode]27:1bprop.26:[CNode]27:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op17

bprop.26:ybprop.26:[CNode]28:3bprop.26:[CNode]28:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op18
<EFBFBD>
bprop.26:[CNode]27:1
bprop.26:[CNode]28:3bprop.26:[CNode]29:4bprop.26:[CNode]29:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op19bprop.26*
bprop.26:x*
bprop.26:y*
bprop.26:out*
bprop.26:dout2
bprop.26:[CNode]29:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,14 +1,17 @@
0.1.1 MindSpore*1.7.0:­
Œ
bprop.1:ybprop.1:[CNode]2:1bprop.1:[CNode]2:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op0
<EFBFBD>
bprop.1:dout
bprop.1:[CNode]2:1bprop.1:[CNode]3:3bprop.1:[CNode]3:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op1bprop.1*
bprop.1:x*
bprop.1:y*
bprop.1:out*
bprop.1:dout2
bprop.1:[CNode]3:3:@7dd1cd68c00464e444752d0c18538ec3eaafde6001adaf9a71ee3997563fb2efPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:Â

bprop.61:ybprop.61:[CNode]62:1bprop.61:[CNode]62:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op43

bprop.61:dout
bprop.61:[CNode]62:1bprop.61:[CNode]63:3bprop.61:[CNode]63:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op44bprop.61*
bprop.61:x*
bprop.61:y*
bprop.61:out*
bprop.61:dout2
bprop.61:[CNode]63:3:@7dd1cd68c00464e444752d0c18538ec3eaafde6001adaf9a71ee3997563fb2efPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,12 +1,14 @@
0.1.0 MindSpore*1.6.0:

0.1.1 MindSpore*1.7.0:¤

bprop.68:xbprop.68:[CNode]69:1bprop.68:[CNode]69:1"!S-Prim-hyper_map[zeros_like_leaf]:.Default/S-Prim-hyper_map[zeros_like_leaf]-op48
s
bprop.68:[CNode]69:1bprop.68:[CNode]70:2bprop.68:[CNode]70:2"S-Prim-MakeTuple:Default/S-Prim-MakeTuple-op49bprop.68*
bprop.68:xbprop.68:[CNode]69:1bprop.68:[CNode]69:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op48
z
bprop.68:[CNode]69:1bprop.68:[CNode]70:3bprop.68:[CNode]70:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op49bprop.68*
bprop.68:x*
bprop.68:out*
bprop.68:dout2
bprop.68:[CNode]70:2:@565f906930f68ca2413e9ad958d105e129e717cd183b95d11d65a8b0b030fc0dP
bprop.68:[CNode]70:3:@565f906930f68ca2413e9ad958d105e129e717cd183b95d11d65a8b0b030fc0dPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,8 +1,10 @@
0.1.0 MindSpore*1.6.0:õ
f
bprop.1:doutbprop.1:[CNode]2:1bprop.1:[CNode]2:1"S-Prim-MakeTuple:Default/S-Prim-MakeTuple-op0bprop.1*
bprop.1:x*
bprop.1:out*
bprop.1:dout2
bprop.1:[CNode]2:1:@3e6210d3b327ebcf502924d190fdb3d42b4bc35d56edb82d34b2a2e72245aafdP
0.1.1 MindSpore*1.7.0:ˆ
s
bprop.20:doutbprop.20:[CNode]21:1bprop.20:[CNode]21:1"REF::S-Prim-MakeTuple:2:Default/S-Prim-MakeTuple-op13bprop.20*
bprop.20:x*
bprop.20:out*
bprop.20:dout2
bprop.20:[CNode]21:1:@3e6210d3b327ebcf502924d190fdb3d42b4bc35d56edb82d34b2a2e72245aafdPb&
S-Prim-MakeTuple:2S-Prim-MakeTupleh

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.18:xbprop.18:[CNode]19:1bprop.18:[CNode]19:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op11
z
bprop.18:[CNode]19:1bprop.18:[CNode]20:3bprop.18:[CNode]20:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op12bprop.18*
bprop.18:x*
bprop.18:out*
bprop.18:dout2
bprop.18:[CNode]20:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbH
0.1.1 MindSpore*1.7.0:¶

bprop.116:xbprop.116:[CNode]117:1bprop.116:[CNode]117:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op84

bprop.116:[CNode]117:1bprop.116:[CNode]118:3bprop.116:[CNode]118:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op85 bprop.116*
bprop.116:x*
bprop.116:out*
bprop.116:dout2
bprop.116:[CNode]118:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,14 +1,14 @@
0.1.1 MindSpore*1.7.0:ˆ
¡
bprop_depend.6:ybprop_depend.6:[CNode]7:1bprop_depend.6:[CNode]7:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op4
<EFBFBD>
bprop_depend.6:dout
bprop_depend.6:[CNode]7:1bprop_depend.6:[CNode]8:3bprop_depend.6:[CNode]8:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op5bprop_depend.6*
bprop_depend.6:x*
bprop_depend.6:y*
bprop_depend.6:out*
bprop_depend.6:dout2
bprop_depend.6:[CNode]8:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:²
­
bprop_depend.182:ybprop_depend.182:[CNode]183:1bprop_depend.182:[CNode]183:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op133
­
bprop_depend.182:dout
bprop_depend.182:[CNode]183:1bprop_depend.182:[CNode]184:3bprop_depend.182:[CNode]184:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op134bprop_depend.182*
bprop_depend.182:x*
bprop_depend.182:y*
bprop_depend.182:out*
bprop_depend.182:dout2
bprop_depend.182:[CNode]184:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,27 +1,23 @@
0.1.1 MindSpore*1.7.0:°

bprop.13:dout
bprop.13:y
bprop.13:keep_probbprop.13:[CNode]14:1bprop.13:[CNode]14:1"REF::S-Prim-DropoutDoMask:2:!Default/S-Prim-DropoutDoMask-op10

bprop.13:ybprop.13:[CNode]15:3bprop.13:[CNode]15:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op11
š
bprop.13:keep_probbprop.13:[CNode]16:5bprop.13:[CNode]16:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op12
¦
bprop.13:[CNode]14:1
bprop.13:[CNode]15:3
bprop.13:[CNode]16:5bprop.13:[CNode]17:6bprop.13:[CNode]17:6"REF::S-Prim-MakeTuple:7:Default/S-Prim-MakeTuple-op13bprop.13*
bprop.13:x*
bprop.13:y*
bprop.13:keep_prob*
bprop.13:out*
bprop.13:dout2
bprop.13:[CNode]17:6:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPb&
0.1.1 MindSpore*1.7.0:Ó
¢
bprop.111:dout
bprop.111:y
bprop.111:keep_probbprop.111:[CNode]112:1bprop.111:[CNode]112:1"REF::S-Prim-DropoutDoMask:2:!Default/S-Prim-DropoutDoMask-op80

bprop.111:ybprop.111:[CNode]113:3bprop.111:[CNode]113:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op81
Ÿ
bprop.111:keep_probbprop.111:[CNode]114:5bprop.111:[CNode]114:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op82
°
bprop.111:[CNode]112:1
bprop.111:[CNode]113:3
bprop.111:[CNode]114:5bprop.111:[CNode]115:6bprop.111:[CNode]115:6"REF::S-Prim-MakeTuple:7:Default/S-Prim-MakeTuple-op83 bprop.111*
bprop.111:x*
bprop.111:y*
bprop.111:keep_prob*
bprop.111:out*
bprop.111:dout2
bprop.111:[CNode]115:6:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPb.
S-Prim-DropoutDoMask:2S-Prim-DropoutDoMaskb&
S-Prim-MakeTuple:7S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]b.
S-Prim-DropoutDoMask:2S-Prim-DropoutDoMask
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,16 +1,16 @@
0.1.1 MindSpore*1.7.0:Ú
0.1.1 MindSpore*1.7.0:ö

bprop.51:shapebprop.51:[CNode]52:1bprop.51:[CNode]52:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op35
š
bprop.51:keep_probbprop.51:[CNode]53:3bprop.51:[CNode]53:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op36
<EFBFBD>
bprop.3:shapebprop.3:[CNode]4:1bprop.3:[CNode]4:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op2

bprop.3:keep_probbprop.3:[CNode]5:3bprop.3:[CNode]5:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op3

bprop.3:[CNode]4:1
bprop.3:[CNode]5:3bprop.3:[CNode]6:4bprop.3:[CNode]6:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op4bprop.3*
bprop.3:shape*
bprop.3:keep_prob*
bprop.3:out*
bprop.3:dout2
bprop.3:[CNode]6:4:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTuple
bprop.51:[CNode]52:1
bprop.51:[CNode]53:3bprop.51:[CNode]54:4bprop.51:[CNode]54:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op37bprop.51*
bprop.51:shape*
bprop.51:keep_prob*
bprop.51:out*
bprop.51:dout2
bprop.51:[CNode]54:4:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.24:xbprop.24:[CNode]25:1bprop.24:[CNode]25:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op15
z
bprop.24:[CNode]25:1bprop.24:[CNode]26:3bprop.24:[CNode]26:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op16bprop.24*
bprop.24:x*
bprop.24:out*
bprop.24:dout2
bprop.24:[CNode]26:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:¶

bprop.122:xbprop.122:[CNode]123:1bprop.122:[CNode]123:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op88

bprop.122:[CNode]123:1bprop.122:[CNode]124:3bprop.122:[CNode]124:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op89 bprop.122*
bprop.122:x*
bprop.122:out*
bprop.122:dout2
bprop.122:[CNode]124:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Ţ

bprop.30:xbprop.30:[CNode]31:1bprop.30:[CNode]31:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op21
bprop.71:xbprop.71:[CNode]72:1bprop.71:[CNode]72:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op50

bprop.30:ybprop.30:[CNode]32:3bprop.30:[CNode]32:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op22
bprop.71:ybprop.71:[CNode]73:3bprop.71:[CNode]73:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op51
<EFBFBD>
bprop.30:[CNode]31:1
bprop.30:[CNode]32:3bprop.30:[CNode]33:4bprop.30:[CNode]33:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op23bprop.30*
bprop.71:[CNode]72:1
bprop.71:[CNode]73:3bprop.71:[CNode]74:4bprop.71:[CNode]74:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op52bprop.71*
bprop.30:x*
bprop.71:x*
bprop.30:y*
bprop.30:out*
bprop.30:dout2
bprop.30:[CNode]33:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
bprop.71:y*
bprop.71:out*
bprop.71:dout2
bprop.71:[CNode]74:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,20 +1,16 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.70:xbprop.70:[CNode]71:1bprop.70:[CNode]71:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op51

bprop.70:ybprop.70:[CNode]72:3bprop.70:[CNode]72:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op52
<EFBFBD>
bprop.70:[CNode]71:1
bprop.70:[CNode]72:3bprop.70:[CNode]73:4bprop.70:[CNode]73:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op53bprop.70*
bprop.70:x*
bprop.70:y*
bprop.70:out*
bprop.70:dout2
bprop.70:[CNode]73:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
0.1.1 MindSpore*1.7.0:ú
˜
bprop.153:xbprop.153:[CNode]154:1bprop.153:[CNode]154:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op111
˜
bprop.153:ybprop.153:[CNode]155:3bprop.153:[CNode]155:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op112

bprop.153:[CNode]154:1
bprop.153:[CNode]155:3bprop.153:[CNode]156:4bprop.153:[CNode]156:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op113 bprop.153*
bprop.153:x*
bprop.153:y*
bprop.153:out*
bprop.153:dout2
bprop.153:[CNode]156:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.42:xbprop.42:[CNode]43:1bprop.42:[CNode]43:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op30
bprop.83:xbprop.83:[CNode]84:1bprop.83:[CNode]84:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op59

bprop.42:ybprop.42:[CNode]44:3bprop.42:[CNode]44:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op31
bprop.83:ybprop.83:[CNode]85:3bprop.83:[CNode]85:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op60
<EFBFBD>
bprop.42:[CNode]43:1
bprop.42:[CNode]44:3bprop.42:[CNode]45:4bprop.42:[CNode]45:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op32bprop.42*
bprop.83:[CNode]84:1
bprop.83:[CNode]85:3bprop.83:[CNode]86:4bprop.83:[CNode]86:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op61bprop.83*
bprop.42:x*
bprop.83:x*
bprop.42:y*
bprop.42:out*
bprop.42:dout2
bprop.42:[CNode]45:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
bprop.83:y*
bprop.83:out*
bprop.83:dout2
bprop.83:[CNode]86:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Ţ

bprop.38:xbprop.38:[CNode]39:1bprop.38:[CNode]39:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op27
bprop.79:xbprop.79:[CNode]80:1bprop.79:[CNode]80:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op56

bprop.38:ybprop.38:[CNode]40:3bprop.38:[CNode]40:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op28
bprop.79:ybprop.79:[CNode]81:3bprop.79:[CNode]81:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op57
<EFBFBD>
bprop.38:[CNode]39:1
bprop.38:[CNode]40:3bprop.38:[CNode]41:4bprop.38:[CNode]41:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op29bprop.38*
bprop.79:[CNode]80:1
bprop.79:[CNode]81:3bprop.79:[CNode]82:4bprop.79:[CNode]82:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op58bprop.79*
bprop.38:x*
bprop.79:x*
bprop.38:y*
bprop.38:out*
bprop.38:dout2
bprop.38:[CNode]41:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
bprop.79:y*
bprop.79:out*
bprop.79:dout2
bprop.79:[CNode]82:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,16 +1,20 @@
0.1.1 MindSpore*1.7.0:Â
Œ
bprop.4:xbprop.4:[CNode]5:1bprop.4:[CNode]5:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op2
Œ
bprop.4:ybprop.4:[CNode]6:3bprop.4:[CNode]6:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op3

bprop.4:[CNode]5:1
bprop.4:[CNode]6:3bprop.4:[CNode]7:4bprop.4:[CNode]7:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op4bprop.4*
bprop.4:x*
bprop.4:y*
bprop.4:out*
bprop.4:dout2
bprop.4:[CNode]7:4:@7dd1cd68c00464e444752d0c18538ec3eaafde6001adaf9a71ee3997563fb2efPb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:Þ

bprop.64:xbprop.64:[CNode]65:1bprop.64:[CNode]65:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op45

bprop.64:ybprop.64:[CNode]66:3bprop.64:[CNode]66:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op46
<EFBFBD>
bprop.64:[CNode]65:1
bprop.64:[CNode]66:3bprop.64:[CNode]67:4bprop.64:[CNode]67:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op47bprop.64*
bprop.64:x*
bprop.64:y*
bprop.64:out*
bprop.64:dout2
bprop.64:[CNode]67:4:@7dd1cd68c00464e444752d0c18538ec3eaafde6001adaf9a71ee3997563fb2efPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,9 +1,9 @@
0.1.1 MindSpore*1.7.0:ü
m
bprop.1:doutbprop.1:[CNode]2:1bprop.1:[CNode]2:1"REF::S-Prim-MakeTuple:2:Default/S-Prim-MakeTuple-op0bprop.1*
bprop.1:x*
bprop.1:out*
bprop.1:dout2
bprop.1:[CNode]2:1:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPb&
bprop.3:doutbprop.3:[CNode]4:1bprop.3:[CNode]4:1"REF::S-Prim-MakeTuple:2:Default/S-Prim-MakeTuple-op2bprop.3*
bprop.3:x*
bprop.3:out*
bprop.3:dout2
bprop.3:[CNode]4:1:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7Pb&
S-Prim-MakeTuple:2S-Prim-MakeTupleh

View File

@ -1,12 +1,14 @@
0.1.1 MindSpore*1.7.0:—
Ž
bprop.9:xbprop.9:[CNode]10:1bprop.9:[CNode]10:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op6
v
bprop.9:[CNode]10:1bprop.9:[CNode]11:3bprop.9:[CNode]11:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op7bprop.9*
bprop.9:x*
bprop.9:out*
bprop.9:dout2
bprop.9:[CNode]11:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:¤

bprop.30:xbprop.30:[CNode]31:1bprop.30:[CNode]31:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op20
z
bprop.30:[CNode]31:1bprop.30:[CNode]32:3bprop.30:[CNode]32:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op21bprop.30*
bprop.30:x*
bprop.30:out*
bprop.30:dout2
bprop.30:[CNode]32:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.91:xbprop.91:[CNode]92:1bprop.91:[CNode]92:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op67
z
bprop.91:[CNode]92:1bprop.91:[CNode]93:3bprop.91:[CNode]93:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op68bprop.91*
bprop.91:x*
bprop.91:out*
bprop.91:dout2
bprop.91:[CNode]93:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:¸
˜
bprop.174:xbprop.174:[CNode]175:1bprop.174:[CNode]175:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op127
<EFBFBD>
bprop.174:[CNode]175:1bprop.174:[CNode]176:3bprop.174:[CNode]176:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op128 bprop.174*
bprop.174:x*
bprop.174:out*
bprop.174:dout2
bprop.174:[CNode]176:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.88:xbprop.88:[CNode]89:1bprop.88:[CNode]89:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op65
z
bprop.88:[CNode]89:1bprop.88:[CNode]90:3bprop.88:[CNode]90:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op66bprop.88*
bprop.88:x*
bprop.88:out*
bprop.88:dout2
bprop.88:[CNode]90:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:¸
˜
bprop.171:xbprop.171:[CNode]172:1bprop.171:[CNode]172:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op125
<EFBFBD>
bprop.171:[CNode]172:1bprop.171:[CNode]173:3bprop.171:[CNode]173:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op126 bprop.171*
bprop.171:x*
bprop.171:out*
bprop.171:dout2
bprop.171:[CNode]173:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.50:xbprop.50:[CNode]51:1bprop.50:[CNode]51:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op36
bprop.91:xbprop.91:[CNode]92:1bprop.91:[CNode]92:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op65

bprop.50:ybprop.50:[CNode]52:3bprop.50:[CNode]52:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op37
bprop.91:ybprop.91:[CNode]93:3bprop.91:[CNode]93:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op66
<EFBFBD>
bprop.50:[CNode]51:1
bprop.50:[CNode]52:3bprop.50:[CNode]53:4bprop.50:[CNode]53:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op38bprop.50*
bprop.91:[CNode]92:1
bprop.91:[CNode]93:3bprop.91:[CNode]94:4bprop.91:[CNode]94:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op67bprop.91*
bprop.50:x*
bprop.91:x*
bprop.50:y*
bprop.50:out*
bprop.50:dout2
bprop.50:[CNode]53:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
bprop.91:y*
bprop.91:out*
bprop.91:dout2
bprop.91:[CNode]94:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.46:xbprop.46:[CNode]47:1bprop.46:[CNode]47:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op33
bprop.87:xbprop.87:[CNode]88:1bprop.87:[CNode]88:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op62

bprop.46:ybprop.46:[CNode]48:3bprop.46:[CNode]48:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op34
bprop.87:ybprop.87:[CNode]89:3bprop.87:[CNode]89:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op63
<EFBFBD>
bprop.46:[CNode]47:1
bprop.46:[CNode]48:3bprop.46:[CNode]49:4bprop.46:[CNode]49:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op35bprop.46*
bprop.87:[CNode]88:1
bprop.87:[CNode]89:3bprop.87:[CNode]90:4bprop.87:[CNode]90:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op64bprop.87*
bprop.46:x*
bprop.87:x*
bprop.46:y*
bprop.46:out*
bprop.46:dout2
bprop.46:[CNode]49:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
bprop.87:y*
bprop.87:out*
bprop.87:dout2
bprop.87:[CNode]90:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,20 +1,20 @@
0.1.1 MindSpore*1.7.0:©

bprop.25:startbprop.25:[CNode]26:1bprop.25:[CNode]26:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op17
bprop.46:startbprop.46:[CNode]47:1bprop.46:[CNode]47:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op31

bprop.25:stopbprop.25:[CNode]27:3bprop.25:[CNode]27:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op18
bprop.46:stopbprop.46:[CNode]48:3bprop.46:[CNode]48:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op32

bprop.25:numbprop.25:[CNode]28:4bprop.25:[CNode]28:4"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op19
bprop.46:numbprop.46:[CNode]49:4bprop.46:[CNode]49:4"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op33
¦
bprop.25:[CNode]26:1
bprop.25:[CNode]27:3
bprop.25:[CNode]28:4bprop.25:[CNode]29:5bprop.25:[CNode]29:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op20bprop.25*
bprop.25:start*
bprop.25:stop*
bprop.25:num*
bprop.25:out*
bprop.25:dout2
bprop.25:[CNode]29:5:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
bprop.46:[CNode]47:1
bprop.46:[CNode]48:3
bprop.46:[CNode]49:4bprop.46:[CNode]50:5bprop.46:[CNode]50:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op34bprop.46*
bprop.46:start*
bprop.46:stop*
bprop.46:num*
bprop.46:out*
bprop.46:dout2
bprop.46:[CNode]50:5:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:6S-Prim-MakeTupleh

View File

@ -1,14 +1,14 @@
0.1.1 MindSpore*1.7.0:
§
bprop_load.23:u_monadbprop_load.23:[CNode]24:1bprop_load.23:[CNode]24:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op17
<EFBFBD>
bprop_load.23:dout
bprop_load.23:[CNode]24:1bprop_load.23:[CNode]25:3bprop_load.23:[CNode]25:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op18 bprop_load.23*
bprop_load.23:param*
bprop_load.23:u_monad*
bprop_load.23:out*
bprop_load.23:dout2
bprop_load.23:[CNode]25:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:¨
­
bprop_load.199:u_monadbprop_load.199:[CNode]200:1bprop_load.199:[CNode]200:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op146
¥
bprop_load.199:dout
bprop_load.199:[CNode]200:1bprop_load.199:[CNode]201:3bprop_load.199:[CNode]201:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op147bprop_load.199*
bprop_load.199:param*
bprop_load.199:u_monad*
bprop_load.199:out*
bprop_load.199:dout2
bprop_load.199:[CNode]201:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.54:xbprop.54:[CNode]55:1bprop.54:[CNode]55:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op39
bprop.95:xbprop.95:[CNode]96:1bprop.95:[CNode]96:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op68

bprop.54:ybprop.54:[CNode]56:3bprop.54:[CNode]56:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op40
bprop.95:ybprop.95:[CNode]97:3bprop.95:[CNode]97:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op69
<EFBFBD>
bprop.54:[CNode]55:1
bprop.54:[CNode]56:3bprop.54:[CNode]57:4bprop.54:[CNode]57:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op41bprop.54*
bprop.95:[CNode]96:1
bprop.95:[CNode]97:3bprop.95:[CNode]98:4bprop.95:[CNode]98:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op70bprop.95*
bprop.54:x*
bprop.95:x*
bprop.54:y*
bprop.54:out*
bprop.54:dout2
bprop.54:[CNode]57:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
bprop.95:y*
bprop.95:out*
bprop.95:dout2
bprop.95:[CNode]98:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -2,13 +2,13 @@
0.1.1 MindSpore*1.7.0:¤

bprop.19:xbprop.19:[CNode]20:1bprop.19:[CNode]20:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op13
bprop.40:xbprop.40:[CNode]41:1bprop.40:[CNode]41:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op27
z
bprop.19:[CNode]20:1bprop.19:[CNode]21:3bprop.19:[CNode]21:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op14bprop.19*
bprop.40:[CNode]41:1bprop.40:[CNode]42:3bprop.40:[CNode]42:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op28bprop.40*
bprop.19:x*
bprop.19:out*
bprop.19:dout2
bprop.19:[CNode]21:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
bprop.40:x*
bprop.40:out*
bprop.40:dout2
bprop.40:[CNode]42:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,20 +1,20 @@
0.1.1 MindSpore*1.7.0:Þ

0.1.1 MindSpore*1.7.0:ç

bprop.58:xbprop.58:[CNode]59:1bprop.58:[CNode]59:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op42

bprop.99:xbprop.99:[CNode]100:1bprop.99:[CNode]100:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op71

bprop.58:ybprop.58:[CNode]60:3bprop.58:[CNode]60:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op43
<EFBFBD>
bprop.58:[CNode]59:1
bprop.58:[CNode]60:3bprop.58:[CNode]61:4bprop.58:[CNode]61:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op44bprop.58*
bprop.99:ybprop.99:[CNode]101:3bprop.99:[CNode]101:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op72

bprop.99:[CNode]100:1
bprop.99:[CNode]101:3bprop.99:[CNode]102:4bprop.99:[CNode]102:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op73bprop.99*
bprop.58:x*
bprop.99:x*
bprop.58:y*
bprop.58:out*
bprop.58:dout2
bprop.58:[CNode]61:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh
bprop.99:y*
bprop.99:out*
bprop.99:dout2
bprop.99:[CNode]102:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,19 +2,19 @@
0.1.1 MindSpore*1.7.0:Ţ

bprop.34:xbprop.34:[CNode]35:1bprop.34:[CNode]35:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op24
bprop.75:xbprop.75:[CNode]76:1bprop.75:[CNode]76:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op53

bprop.34:ybprop.34:[CNode]36:3bprop.34:[CNode]36:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op25
bprop.75:ybprop.75:[CNode]77:3bprop.75:[CNode]77:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op54
<EFBFBD>
bprop.34:[CNode]35:1
bprop.34:[CNode]36:3bprop.34:[CNode]37:4bprop.34:[CNode]37:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op26bprop.34*
bprop.75:[CNode]76:1
bprop.75:[CNode]77:3bprop.75:[CNode]78:4bprop.75:[CNode]78:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op55bprop.75*
bprop.34:x*
bprop.75:x*
bprop.34:y*
bprop.34:out*
bprop.34:dout2
bprop.34:[CNode]37:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh
bprop.75:y*
bprop.75:out*
bprop.75:dout2
bprop.75:[CNode]78:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,24 +1,24 @@
0.1.1 MindSpore*1.7.0:Ý

bprop.7:indicesbprop.7:[CNode]8:1bprop.7:[CNode]8:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op5
<EFBFBD>
bprop.7:depthbprop.7:[CNode]9:3bprop.7:[CNode]9:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op6

bprop.7:on_valuebprop.7:[CNode]10:4bprop.7:[CNode]10:4"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op7
0.1.1 MindSpore*1.7.0:
˜
bprop.55:indicesbprop.55:[CNode]56:1bprop.55:[CNode]56:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op38
<EFBFBD>
bprop.7:off_valuebprop.7:[CNode]11:5bprop.7:[CNode]11:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op8
³
bprop.7:[CNode]8:1
bprop.7:[CNode]9:3
bprop.7:[CNode]10:4
bprop.7:[CNode]11:5bprop.7:[CNode]12:6bprop.7:[CNode]12:6"REF::S-Prim-MakeTuple:7:Default/S-Prim-MakeTuple-op9bprop.7*
bprop.7:indices*
bprop.7:depth*
bprop.7:on_value*
bprop.7:off_value*
bprop.7:out*
bprop.7:dout2
bprop.7:[CNode]12:6:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPb&
S-Prim-MakeTuple:7S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]
bprop.55:depthbprop.55:[CNode]57:3bprop.55:[CNode]57:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op39

bprop.55:on_valuebprop.55:[CNode]58:4bprop.55:[CNode]58:4"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op40
š
bprop.55:off_valuebprop.55:[CNode]59:5bprop.55:[CNode]59:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op41
¼
bprop.55:[CNode]56:1
bprop.55:[CNode]57:3
bprop.55:[CNode]58:4
bprop.55:[CNode]59:5bprop.55:[CNode]60:6bprop.55:[CNode]60:6"REF::S-Prim-MakeTuple:7:Default/S-Prim-MakeTuple-op42bprop.55*
bprop.55:indices*
bprop.55:depth*
bprop.55:on_value*
bprop.55:off_value*
bprop.55:out*
bprop.55:dout2
bprop.55:[CNode]60:6:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:7S-Prim-MakeTupleh

View File

@ -1,12 +1,12 @@
0.1.1 MindSpore*1.7.0:
0.1.1 MindSpore*1.7.0:
<EFBFBD>
bprop.6:xbprop.6:[CNode]7:1bprop.6:[CNode]7:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op3
s
bprop.6:[CNode]7:1bprop.6:[CNode]8:3bprop.6:[CNode]8:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op4bprop.6*
bprop.6:x*
bprop.6:out*
bprop.6:dout2
bprop.6:[CNode]8:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
bprop.8:xbprop.8:[CNode]9:1bprop.8:[CNode]9:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op5
u
bprop.8:[CNode]9:1bprop.8:[CNode]10:3bprop.8:[CNode]10:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op6bprop.8*
bprop.8:x*
bprop.8:out*
bprop.8:dout2
bprop.8:[CNode]10:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,12 +1,12 @@
0.1.1 MindSpore*1.7.0:
Œ
bprop.3:xbprop.3:[CNode]4:1bprop.3:[CNode]4:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op1
bprop.5:xbprop.5:[CNode]6:1bprop.5:[CNode]6:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op3
s
bprop.3:[CNode]4:1bprop.3:[CNode]5:3bprop.3:[CNode]5:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op2bprop.3*
bprop.3:x*
bprop.3:out*
bprop.3:dout2
bprop.3:[CNode]5:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
bprop.5:[CNode]6:1bprop.5:[CNode]7:3bprop.5:[CNode]7:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op4bprop.5*
bprop.5:x*
bprop.5:out*
bprop.5:dout2
bprop.5:[CNode]7:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.27:xbprop.27:[CNode]28:1bprop.27:[CNode]28:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op17
z
bprop.27:[CNode]28:1bprop.27:[CNode]29:3bprop.27:[CNode]29:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op18bprop.27*
bprop.27:x*
bprop.27:out*
bprop.27:dout2
bprop.27:[CNode]29:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:¶

bprop.125:xbprop.125:[CNode]126:1bprop.125:[CNode]126:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op90

bprop.125:[CNode]126:1bprop.125:[CNode]127:3bprop.125:[CNode]127:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op91 bprop.125*
bprop.125:x*
bprop.125:out*
bprop.125:dout2
bprop.125:[CNode]127:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -13,4 +13,4 @@ m
S-Prim-ReluGrad:2S-Prim-ReluGrad
output_names€Š Zoutput€+
input_names€ŠZ
y_backprop€ŠZx€
y_backprop€ŠZx€h

View File

@ -1,18 +1,16 @@
0.1.1 MindSpore*1.7.0:ä

bprop.62:xbprop.62:[CNode]63:1bprop.62:[CNode]63:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op45

bprop.62:axisbprop.62:[CNode]64:3bprop.62:[CNode]64:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op46
<EFBFBD>
bprop.62:[CNode]63:1
bprop.62:[CNode]64:3bprop.62:[CNode]65:4bprop.62:[CNode]65:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op47bprop.62*
bprop.62:x*
bprop.62:axis*
bprop.62:out*
bprop.62:dout2
bprop.62:[CNode]65:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
0.1.1 MindSpore*1.7.0:ý

bprop.103:xbprop.103:[CNode]104:1bprop.103:[CNode]104:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op74
š
bprop.103:axisbprop.103:[CNode]105:3bprop.103:[CNode]105:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op75
˜
bprop.103:[CNode]104:1
bprop.103:[CNode]105:3bprop.103:[CNode]106:4bprop.103:[CNode]106:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op76 bprop.103*
bprop.103:x*
bprop.103:axis*
bprop.103:out*
bprop.103:dout2
bprop.103:[CNode]106:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,18 +1,16 @@
0.1.1 MindSpore*1.7.0:ä

bprop.66:xbprop.66:[CNode]67:1bprop.66:[CNode]67:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op48

bprop.66:axisbprop.66:[CNode]68:3bprop.66:[CNode]68:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op49
<EFBFBD>
bprop.66:[CNode]67:1
bprop.66:[CNode]68:3bprop.66:[CNode]69:4bprop.66:[CNode]69:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op50bprop.66*
bprop.66:x*
bprop.66:axis*
bprop.66:out*
bprop.66:dout2
bprop.66:[CNode]69:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
0.1.1 MindSpore*1.7.0:ý

bprop.107:xbprop.107:[CNode]108:1bprop.107:[CNode]108:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op77
š
bprop.107:axisbprop.107:[CNode]109:3bprop.107:[CNode]109:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op78
˜
bprop.107:[CNode]108:1
bprop.107:[CNode]109:3bprop.107:[CNode]110:4bprop.107:[CNode]110:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op79 bprop.107*
bprop.107:x*
bprop.107:axis*
bprop.107:out*
bprop.107:dout2
bprop.107:[CNode]110:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,24 +1,21 @@
0.1.1 MindSpore*1.7.0:¿
u
bprop.18:dout
bprop.18:ybprop.18:dgrad:1bprop.18:dgrad:1"REF::S-Prim-ReluGrad:2:Default/S-Prim-ReluGrad-op14

bprop.18:ybprop.18:[CNode]19:3bprop.18:[CNode]19:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op15
Œ
bprop.18:dgrad:1
bprop.18:[CNode]19:3bprop.18:[CNode]20:5bprop.18:[CNode]20:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op16bprop.18*
bprop.18:grad*
bprop.18:y*
bprop.18:out*
bprop.18:dout2
bprop.18:[CNode]20:5:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPbr
0.1.1 MindSpore*1.7.0:Ù
z
bprop.145:dout
bprop.145:ybprop.145:dgrad:1bprop.145:dgrad:1"REF::S-Prim-ReluGrad:2:Default/S-Prim-ReluGrad-op104
˜
bprop.145:ybprop.145:[CNode]146:3bprop.145:[CNode]146:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:/Default/S-Prim-hyper_map[zeros_like_leaf]-op105

bprop.145:dgrad:1
bprop.145:[CNode]146:3bprop.145:[CNode]147:5bprop.145:[CNode]147:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op106 bprop.145*
bprop.145:grad*
bprop.145:y*
bprop.145:out*
bprop.145:dout2
bprop.145:[CNode]147:5:@3d4ca3af3054d32fe54a557e457674558c4179705eccb4c3dae775993ba1a76aPb&
S-Prim-MakeTuple:6S-Prim-MakeTuplebr
S-Prim-ReluGrad:2S-Prim-ReluGrad
output_names€Š Zoutput€+
input_names€ŠZ
y_backprop€ŠZx€bH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:6S-Prim-MakeTuple
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,13 +2,13 @@
0.1.1 MindSpore*1.7.0:¤

bprop.22:xbprop.22:[CNode]23:1bprop.22:[CNode]23:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op15
bprop.43:xbprop.43:[CNode]44:1bprop.43:[CNode]44:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op29
z
bprop.22:[CNode]23:1bprop.22:[CNode]24:3bprop.22:[CNode]24:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op16bprop.22*
bprop.43:[CNode]44:1bprop.43:[CNode]45:3bprop.43:[CNode]45:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op30bprop.43*
bprop.22:x*
bprop.22:out*
bprop.22:dout2
bprop.22:[CNode]24:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
bprop.43:x*
bprop.43:out*
bprop.43:dout2
bprop.43:[CNode]45:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,35 +1,31 @@
0.1.1 MindSpore*1.7.0:Ç

bprop.30:condbprop.30:[CNode]31:1bprop.30:[CNode]31:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op19

bprop.30:xbprop.30:[CNode]32:3bprop.30:[CNode]32:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op20

bprop.30:cond
bprop.30:dout
bprop.30:[CNode]32:3bprop.30:[CNode]33:4bprop.30:[CNode]33:4"REF::S-Prim-Select:5:Default/S-Prim-Select-op21

bprop.30:ybprop.30:[CNode]34:6bprop.30:[CNode]34:6"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op22

bprop.30:cond
bprop.30:[CNode]34:6
bprop.30:doutbprop.30:[CNode]35:7bprop.30:[CNode]35:7"REF::S-Prim-Select:5:Default/S-Prim-Select-op23
¦
bprop.30:[CNode]31:1
bprop.30:[CNode]33:4
bprop.30:[CNode]35:7bprop.30:[CNode]36:8bprop.30:[CNode]36:8"REF::S-Prim-MakeTuple:9:Default/S-Prim-MakeTuple-op24bprop.30*
bprop.30:cond*
bprop.30:x*
bprop.30:y*
bprop.30:out*
bprop.30:dout2
bprop.30:[CNode]36:8:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbv
0.1.1 MindSpore*1.7.0:ø
š
bprop.128:condbprop.128:[CNode]129:1bprop.128:[CNode]129:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op92

bprop.128:xbprop.128:[CNode]130:3bprop.128:[CNode]130:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op93
š
bprop.128:cond
bprop.128:dout
bprop.128:[CNode]130:3bprop.128:[CNode]131:4bprop.128:[CNode]131:4"REF::S-Prim-Select:5:Default/S-Prim-Select-op94

bprop.128:ybprop.128:[CNode]132:6bprop.128:[CNode]132:6"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op95
š
bprop.128:cond
bprop.128:[CNode]132:6
bprop.128:doutbprop.128:[CNode]133:7bprop.128:[CNode]133:7"REF::S-Prim-Select:5:Default/S-Prim-Select-op96
°
bprop.128:[CNode]129:1
bprop.128:[CNode]131:4
bprop.128:[CNode]133:7bprop.128:[CNode]134:8bprop.128:[CNode]134:8"REF::S-Prim-MakeTuple:9:Default/S-Prim-MakeTuple-op97 bprop.128*
bprop.128:cond*
bprop.128:x*
bprop.128:y*
bprop.128:out*
bprop.128:dout2
bprop.128:[CNode]134:8:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]bv
S-Prim-Select:5 S-Prim-Select
output_names€Š Zoutput€3
input_names€ŠZ condition€ŠZx€ŠZy€b&
S-Prim-MakeTuple:9S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
S-Prim-MakeTuple:9S-Prim-MakeTupleh

View File

@ -1,14 +1,12 @@
0.1.1 MindSpore*1.7.0:¤

bprop.21:xbprop.21:[CNode]22:1bprop.21:[CNode]22:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op13
z
bprop.21:[CNode]22:1bprop.21:[CNode]23:3bprop.21:[CNode]23:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op14bprop.21*
bprop.21:x*
bprop.21:out*
bprop.21:dout2
bprop.21:[CNode]23:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:¶

bprop.119:xbprop.119:[CNode]120:1bprop.119:[CNode]120:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op86

bprop.119:[CNode]120:1bprop.119:[CNode]121:3bprop.119:[CNode]121:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op87 bprop.119*
bprop.119:x*
bprop.119:out*
bprop.119:dout2
bprop.119:[CNode]121:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -2,13 +2,13 @@
0.1.1 MindSpore*1.7.0:¤

bprop.16:xbprop.16:[CNode]17:1bprop.16:[CNode]17:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op11
bprop.37:xbprop.37:[CNode]38:1bprop.37:[CNode]38:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op25
z
bprop.16:[CNode]17:1bprop.16:[CNode]18:3bprop.16:[CNode]18:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op12bprop.16*
bprop.37:[CNode]38:1bprop.37:[CNode]39:3bprop.37:[CNode]39:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op26bprop.37*
bprop.16:x*
bprop.16:out*
bprop.16:dout2
bprop.16:[CNode]18:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
bprop.37:x*
bprop.37:out*
bprop.37:dout2
bprop.37:[CNode]39:3:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,33 +1,33 @@
0.1.1 MindSpore*1.7.0:§
0.1.1 MindSpore*1.7.0:à
©
bprop_switch.12:condbprop_switch.12:[CNode]13:1bprop_switch.12:[CNode]13:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op8
§
bprop_switch.12:tbbprop_switch.12:[CNode]14:3bprop_switch.12:[CNode]14:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:-Default/S-Prim-hyper_map[zeros_like_leaf]-op9
µ
bprop_switch.12:cond
bprop_switch.12:dout
bprop_switch.12:[CNode]14:3bprop_switch.12:[CNode]15:5bprop_switch.12:[CNode]15:5"REF::S-Prim-Switch:6:Default/S-Prim-Switch-op10
¨
bprop_switch.12:fbbprop_switch.12:[CNode]16:7bprop_switch.12:[CNode]16:7"(REF::S-Prim-hyper_map[zeros_like_leaf]:8:.Default/S-Prim-hyper_map[zeros_like_leaf]-op11

bprop_switch.12:cond
bprop_switch.12:[CNode]16:7
bprop_switch.12:doutbprop_switch.12:[CNode]17:9bprop_switch.12:[CNode]17:9"REF::S-Prim-Switch:10:Default/S-Prim-Switch-op12
Ì
bprop_switch.12:[CNode]13:1
bprop_switch.12:[CNode]15:5
bprop_switch.12:[CNode]17:9bprop_switch.12:[CNode]18:11bprop_switch.12:[CNode]18:11"REF::S-Prim-MakeTuple:12:Default/S-Prim-MakeTuple-op13bprop_switch.12*
bprop_switch.12:cond*
bprop_switch.12:tb*
bprop_switch.12:fb*
bprop_switch.12:out*
bprop_switch.12:dout2
bprop_switch.12:[CNode]18:11:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857Pb!
°
bprop_switch.188:condbprop_switch.188:[CNode]189:1bprop_switch.188:[CNode]189:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op137
®
bprop_switch.188:tbbprop_switch.188:[CNode]190:3bprop_switch.188:[CNode]190:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:/Default/S-Prim-hyper_map[zeros_like_leaf]-op138
¾
bprop_switch.188:cond
bprop_switch.188:dout
bprop_switch.188:[CNode]190:3bprop_switch.188:[CNode]191:5bprop_switch.188:[CNode]191:5"REF::S-Prim-Switch:6:Default/S-Prim-Switch-op139
®
bprop_switch.188:fbbprop_switch.188:[CNode]192:7bprop_switch.188:[CNode]192:7"(REF::S-Prim-hyper_map[zeros_like_leaf]:8:/Default/S-Prim-hyper_map[zeros_like_leaf]-op140
¿
bprop_switch.188:cond
bprop_switch.188:[CNode]192:7
bprop_switch.188:doutbprop_switch.188:[CNode]193:9bprop_switch.188:[CNode]193:9"REF::S-Prim-Switch:10:Default/S-Prim-Switch-op141
×
bprop_switch.188:[CNode]189:1
bprop_switch.188:[CNode]191:5
bprop_switch.188:[CNode]193:9bprop_switch.188:[CNode]194:11bprop_switch.188:[CNode]194:11"REF::S-Prim-MakeTuple:12:Default/S-Prim-MakeTuple-op142bprop_switch.188*
bprop_switch.188:cond*
bprop_switch.188:tb*
bprop_switch.188:fb*
bprop_switch.188:out*
bprop_switch.188:dout2
bprop_switch.188:[CNode]194:11:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]bH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]b'
S-Prim-MakeTuple:12S-Prim-MakeTupleb!
S-Prim-Switch:10 S-Prim-SwitchbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b'
S-Prim-MakeTuple:12S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:8!S-Prim-hyper_map[zeros_like_leaf]bH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]b
#S-Prim-hyper_map[zeros_like_leaf]:8!S-Prim-hyper_map[zeros_like_leaf]b
S-Prim-Switch:6 S-Prim-Switchh

View File

@ -1,20 +1,16 @@
0.1.1 MindSpore*1.7.0:Þ

bprop.74:xbprop.74:[CNode]75:1bprop.74:[CNode]75:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op54

bprop.74:ybprop.74:[CNode]76:3bprop.74:[CNode]76:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op55
<EFBFBD>
bprop.74:[CNode]75:1
bprop.74:[CNode]76:3bprop.74:[CNode]77:4bprop.74:[CNode]77:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op56bprop.74*
bprop.74:x*
bprop.74:y*
bprop.74:out*
bprop.74:dout2
bprop.74:[CNode]77:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9Pb&
S-Prim-MakeTuple:5S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:ú
˜
bprop.157:xbprop.157:[CNode]158:1bprop.157:[CNode]158:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op114
˜
bprop.157:ybprop.157:[CNode]159:3bprop.157:[CNode]159:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op115

bprop.157:[CNode]158:1
bprop.157:[CNode]159:3bprop.157:[CNode]160:4bprop.157:[CNode]160:4"REF::S-Prim-MakeTuple:5:Default/S-Prim-MakeTuple-op116 bprop.157*
bprop.157:x*
bprop.157:y*
bprop.157:out*
bprop.157:dout2
bprop.157:[CNode]160:4:@3a6ca0f7b2e6f7bb67113cd48794c7fcd57ccaaa02e83220e4a676c8d89b75f9PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:5S-Prim-MakeTupleh

View File

@ -1,22 +1,22 @@
0.1.1 MindSpore*1.7.0:
¹
bprop_tuple_getitem.1:data bprop_tuple_getitem.1:[CNode]2:1 bprop_tuple_getitem.1:[CNode]2:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op0
Ü
bprop_tuple_getitem.1:[CNode]2:1
bprop_tuple_getitem.1:idx
bprop_tuple_getitem.1:dout bprop_tuple_getitem.1:[CNode]3:3 bprop_tuple_getitem.1:[CNode]3:3"REF::S-Prim-tuple_setitem:4: Default/S-Prim-tuple_setitem-op1
¸
bprop_tuple_getitem.1:idx bprop_tuple_getitem.1:[CNode]4:5 bprop_tuple_getitem.1:[CNode]4:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:6:-Default/S-Prim-hyper_map[zeros_like_leaf]-op2
¿
bprop_tuple_getitem.1:[CNode]3:3
bprop_tuple_getitem.1:[CNode]4:5 bprop_tuple_getitem.1:[CNode]5:7 bprop_tuple_getitem.1:[CNode]5:7"REF::S-Prim-MakeTuple:8:Default/S-Prim-MakeTuple-op3bprop_tuple_getitem.1*
bprop_tuple_getitem.1:data*
bprop_tuple_getitem.1:idx*
bprop_tuple_getitem.1:out*
bprop_tuple_getitem.1:dout2"
bprop_tuple_getitem.1:[CNode]5:7:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:6!S-Prim-hyper_map[zeros_like_leaf]bH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b.
0.1.1 MindSpore*1.7.0:Õ
Å
bprop_tuple_getitem.148:data$bprop_tuple_getitem.148:[CNode]149:1$bprop_tuple_getitem.148:[CNode]149:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op107
î
$bprop_tuple_getitem.148:[CNode]149:1
bprop_tuple_getitem.148:idx
bprop_tuple_getitem.148:dout$bprop_tuple_getitem.148:[CNode]150:3$bprop_tuple_getitem.148:[CNode]150:3"REF::S-Prim-tuple_setitem:4:"Default/S-Prim-tuple_setitem-op108
Ä
bprop_tuple_getitem.148:idx$bprop_tuple_getitem.148:[CNode]151:5$bprop_tuple_getitem.148:[CNode]151:5"(REF::S-Prim-hyper_map[zeros_like_leaf]:6:/Default/S-Prim-hyper_map[zeros_like_leaf]-op109
Ñ
$bprop_tuple_getitem.148:[CNode]150:3
$bprop_tuple_getitem.148:[CNode]151:5$bprop_tuple_getitem.148:[CNode]152:7$bprop_tuple_getitem.148:[CNode]152:7"REF::S-Prim-MakeTuple:8:Default/S-Prim-MakeTuple-op110bprop_tuple_getitem.148*
bprop_tuple_getitem.148:data*
bprop_tuple_getitem.148:idx*
bprop_tuple_getitem.148:out*
bprop_tuple_getitem.148:dout2&
$bprop_tuple_getitem.148:[CNode]152:7:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:6!S-Prim-hyper_map[zeros_like_leaf]b.
S-Prim-tuple_setitem:4S-Prim-tuple_setitemb&
S-Prim-MakeTuple:8S-Prim-MakeTupleh
S-Prim-MakeTuple:8S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -1,17 +1,17 @@
0.1.1 MindSpore*1.7.0:ş
0.1.1 MindSpore*1.7.0:Ö
Ĺ
bprop_update_state.195:u_monad#bprop_update_state.195:[CNode]196:1#bprop_update_state.195:[CNode]196:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op143
<EFBFBD>
bprop_update_state.19:u_monad!bprop_update_state.19:[CNode]20:1!bprop_update_state.19:[CNode]20:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:.Default/S-Prim-hyper_map[zeros_like_leaf]-op14
š
bprop_update_state.19:x!bprop_update_state.19:[CNode]21:3!bprop_update_state.19:[CNode]21:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:.Default/S-Prim-hyper_map[zeros_like_leaf]-op15
Ä
!bprop_update_state.19:[CNode]20:1
!bprop_update_state.19:[CNode]21:3!bprop_update_state.19:[CNode]22:5!bprop_update_state.19:[CNode]22:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op16bprop_update_state.19*
bprop_update_state.19:u_monad*
bprop_update_state.19:x*
bprop_update_state.19:out*
bprop_update_state.19:dout2#
!bprop_update_state.19:[CNode]22:5:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857Pb&
S-Prim-MakeTuple:6S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]bH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
bprop_update_state.195:x#bprop_update_state.195:[CNode]197:3#bprop_update_state.195:[CNode]197:3"(REF::S-Prim-hyper_map[zeros_like_leaf]:4:/Default/S-Prim-hyper_map[zeros_like_leaf]-op144
Í
#bprop_update_state.195:[CNode]196:1
#bprop_update_state.195:[CNode]197:3#bprop_update_state.195:[CNode]198:5#bprop_update_state.195:[CNode]198:5"REF::S-Prim-MakeTuple:6:Default/S-Prim-MakeTuple-op145bprop_update_state.195*
bprop_update_state.195:u_monad*
bprop_update_state.195:x*
bprop_update_state.195:out*
bprop_update_state.195:dout2%
#bprop_update_state.195:[CNode]198:5:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]bH
#S-Prim-hyper_map[zeros_like_leaf]:4!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:6S-Prim-MakeTupleh

View File

@ -1,12 +1,14 @@
0.1.1 MindSpore*1.7.0:—
Ž
bprop.9:xbprop.9:[CNode]10:1bprop.9:[CNode]10:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op5
v
bprop.9:[CNode]10:1bprop.9:[CNode]11:3bprop.9:[CNode]11:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op6bprop.9*
bprop.9:x*
bprop.9:out*
bprop.9:dout2
bprop.9:[CNode]11:3:@231212aa03e0343893c3476fd4c71a316576977db00252cc9713d543de78d44cPb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h
0.1.1 MindSpore*1.7.0:¢

bprop.11:xbprop.11:[CNode]12:1bprop.11:[CNode]12:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op7
y
bprop.11:[CNode]12:1bprop.11:[CNode]13:3bprop.11:[CNode]13:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op8bprop.11*
bprop.11:x*
bprop.11:out*
bprop.11:dout2
bprop.11:[CNode]13:3:@ec04edcf6bff5b1a6ecca77853ef3e7b647ce1c33291304286da5d8d95d398e7PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh

View File

@ -1,12 +1,12 @@
0.1.1 MindSpore*1.7.0:²
¸
bprop_stop_gradient.9:x!bprop_stop_gradient.9:[CNode]10:1!bprop_stop_gradient.9:[CNode]10:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:-Default/S-Prim-hyper_map[zeros_like_leaf]-op6
 
!bprop_stop_gradient.9:[CNode]10:1!bprop_stop_gradient.9:[CNode]11:3!bprop_stop_gradient.9:[CNode]11:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op7bprop_stop_gradient.9*
bprop_stop_gradient.9:x*
bprop_stop_gradient.9:out*
bprop_stop_gradient.9:dout2#
!bprop_stop_gradient.9:[CNode]11:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857PbH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]b&
S-Prim-MakeTuple:4S-Prim-MakeTupleh
0.1.1 MindSpore*1.7.0:Ò
Â
bprop_stop_gradient.185:x$bprop_stop_gradient.185:[CNode]186:1$bprop_stop_gradient.185:[CNode]186:1"(REF::S-Prim-hyper_map[zeros_like_leaf]:2:/Default/S-Prim-hyper_map[zeros_like_leaf]-op135
«
$bprop_stop_gradient.185:[CNode]186:1$bprop_stop_gradient.185:[CNode]187:3$bprop_stop_gradient.185:[CNode]187:3"REF::S-Prim-MakeTuple:4:Default/S-Prim-MakeTuple-op136bprop_stop_gradient.185*
bprop_stop_gradient.185:x*
bprop_stop_gradient.185:out*
bprop_stop_gradient.185:dout2&
$bprop_stop_gradient.185:[CNode]187:3:@d8e2127325434fa9c933b56583641d38478e0be7c5143c12bb4f2d959ae5b857Pb&
S-Prim-MakeTuple:4S-Prim-MakeTuplebH
#S-Prim-hyper_map[zeros_like_leaf]:2!S-Prim-hyper_map[zeros_like_leaf]h

View File

@ -27,6 +27,7 @@ from .array_func import (unique, eye, matrix_band_part, fill, fill_, tile, size,
tensor_scatter_mul, unique_consecutive,
tensor_scatter_div, scatter_max, scatter_min, nonzero, space_to_batch_nd, range, select,
one_hot, matrix_diag, diag, masked_select, meshgrid)
from .array_func import fills
from .parameter_func import assign, assign_add, assign_sub, index_add
from .math_func import (addn, absolute, abs, tensor_add, add, neg_tensor, neg, tensor_lt, less, tensor_le, le, lerp,
lp_norm, round, tensor_gt, gt, tensor_ge, ge, tensor_sub, sub, tensor_mul, mul, tensor_div, div,
@ -41,7 +42,6 @@ from .nn_func import (fast_gelu, hardshrink)
from .linalg_func import svd
from .clip_func import (clip_by_norm)
__all__ = []
__all__.extend(array_func.__all__)
__all__.extend(parameter_func.__all__)

View File

@ -21,10 +21,12 @@ from mindspore.ops.primitive import constexpr
from ..operations.array_ops import UniqueConsecutive
from ..operations.array_ops import NonZero, MatrixDiagV3
from ..operations.array_ops import Fills
from ...common import Tensor
eye_ = P.Eye()
fill_ = P.Fill()
fills_ = Fills()
ones_ = P.Ones()
ones_like_ = P.OnesLike()
tile_ = P.Tile()
@ -240,6 +242,52 @@ def fill(type, shape, value):
return fill_(type, shape, value)
def fills(x, value):
"""
Create a tensor of the same shape and type as the input tensor and fill it with specified value.
Args:
x (Tensor): Input tensor, used to specify the shape and type of the output tensor. The data type should be
int8, int16, int32, float16 or float32.
value (Union[int, float, Tensor]): All elements of the output tensor will be assigned this value. The
type should be int, float or 0-dimensional tensor.
Returns:
Tensor, with the same shape and type as input tensor.
Raises:
TypeError: If `x` is not a tensor.
TypeError: If `value` has types not specified above.
RuntimeError: If `value` cannot be converted to the same type as `x`.
ValueError: If `value` is a tensor and the length of dimension is not 0.
Supported Platforms:
``GPU``
Examples:
>>> import numpy as np
>>> from mindspore import Tensor
>>> x = Tensor(np.arange(4).reshape((2, 2)).astype('float32'))
>>> output = ops.fills(x, 1)
>>> print(output)
[[1. 1.]
[1. 1.]]
"""
if isinstance(value, float):
value_ = value
elif isinstance(value, int):
value_ = float(value)
elif isinstance(value, Tensor):
if value.ndim != 0:
raise ValueError("For 'ops.fills', if the argument 'value' is a tensor, the number of its dimension"
" should be 0, but got {}".format(value.ndim))
value_ = value.astype(mstype.float32)
else:
raise TypeError("For 'ops.fills', the type of argument 'value' should be int, float or Tensor,"
" but got {}".format(type(value)))
return fills_(x, value_)
def ones(shape, type):
r"""
Creates a tensor filled with value ones.
@ -2068,6 +2116,7 @@ __all__ = [
'matrix_band_part',
'fill',
'fill_',
'fills',
'tile',
'size',
'ger',

View File

@ -1,6 +1,6 @@
# This is the Python adaptation and derivative work of Myia (https://github.com/mila-iqia/myia/).
#
# Copyright 2021 Huawei Technologies Co., Ltd
# Copyright 2021-2022 Huawei Technologies Co., Ltd
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
@ -921,6 +921,7 @@ tensor_operator_registry.register('expand_dims', expand_dims)
tensor_operator_registry.register('cast', cast)
tensor_operator_registry.register('shape_mul', shape_mul)
tensor_operator_registry.register('fill', fill)
tensor_operator_registry.register('fills', fills)
tensor_operator_registry.register('concatenate', P.Concat)
tensor_operator_registry.register('eye', eye)
tensor_operator_registry.register('reduce_sum', reduce_sum)

View File

@ -1,4 +1,4 @@
# Copyright 2021 Huawei Technologies Co., Ltd
# Copyright 2021-2022 Huawei Technologies Co., Ltd
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.

View File

@ -1521,6 +1521,32 @@ class Fill(PrimitiveWithInfer):
return out
class Fills(Primitive):
"""
Create a tensor of the same shape and type as the input tensor and fill it with specified value.
Refer to :func:`mindspore.ops.fills` for more detail.
Supported Platforms:
``GPU``
Examples:
>>> import numpy as np
>>> from mindspore import Tensor
>>> a = Tensor(np.arange(4).reshape((2,2)).astype('float32'))
>>> fills = ops.Fills()
>>> output = fills(a, float(1))
>>> print(output)
[[1. 1.]
[1. 1.]]
"""
@prim_attr_register
def __init__(self):
"""Initialize Fills."""
self.init_prim_io_names(inputs=['x', 'value'], outputs=['y'])
class Ones(Primitive):
r"""
Creates a tensor filled with value ones.

View File

@ -0,0 +1,221 @@
# Copyright 2022 Huawei Technologies Co., Ltd
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ============================================================================
import numpy as np
import pytest
from mindspore import context, nn, Tensor
from mindspore import ops as P
from mindspore.ops.operations import _inner_ops as inner
class FillsNet(nn.Cell):
"""FillsNet."""
def __init__(self):
super(FillsNet, self).__init__()
self.fills = P.fills
def construct(self, x, value):
out = self.fills(x, value)
return out
class FillsDynamicNet(nn.Cell):
"""Fills in dynamic shape."""
def __init__(self):
super(FillsDynamicNet, self).__init__()
self.test_dynamic = inner.GpuConvertToDynamicShape()
def construct(self, x, value):
x = self.test_dynamic(x)
out = P.fills(x, value)
return out
def compare_with_numpy(data_shape, data_type, value, out):
"""Compare results with numpy."""
expect_res = np.zeros(data_shape, dtype=data_type)
expect_res.fill(value)
ms_res = out.asnumpy()
assert np.allclose(expect_res, ms_res)
def gen_np_input(data_shape, data_type):
"""Generate input x."""
out = np.random.randn(*data_shape)
if not data_shape:
out = data_type(out)
else:
out = out.astype(data_type)
return out
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('run_mode', [context.GRAPH_MODE, context.PYNATIVE_MODE])
@pytest.mark.parametrize('data_shape', [(), (2,), (2, 3), (2, 2, 3, 3, 4, 4, 5)])
@pytest.mark.parametrize('data_type', [np.int8, np.int16, np.int32, np.float16, np.float32])
def test_fills_data_type_and_shape(run_mode, data_shape, data_type):
"""
Feature: Fills
Description: test cases for Fills operator with multiple data types and shapes.
Expectation: the result match numpy.
"""
context.set_context(mode=run_mode, device_target='GPU')
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
value = 4.0
model = FillsNet()
out = model(input_x, value)
compare_with_numpy(data_shape, data_type, value, out)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('run_mode', [context.GRAPH_MODE, context.PYNATIVE_MODE])
@pytest.mark.parametrize('value', [4, 4.0, Tensor(np.float32(4))])
def test_fills_with_value_type(run_mode, value):
"""
Feature: Fills
Description: test cases for Fills operator with different value type.
Expectation: the result match numpy.
"""
context.set_context(mode=run_mode, device_target='GPU')
data_shape = (2, 3)
data_type = np.int32
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
model = FillsNet()
out = model(input_x, value)
compare_with_numpy(data_shape, data_type, value, out)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('run_mode', [context.GRAPH_MODE, context.PYNATIVE_MODE])
@pytest.mark.parametrize('data_shape', [(2,), (2, 3), (2, 2, 3, 3, 4, 4, 5)])
def test_fills_dyn_with_dynamic_shape(run_mode, data_shape):
"""
Feature: Fills
Description: test cases for Fills operator in dynamic shape case.
Expectation: the result match numpy.
"""
data_type = np.int32
context.set_context(mode=run_mode, device_target='GPU')
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
value = 4.0
model = FillsDynamicNet()
out = model(input_x, value)
compare_with_numpy(data_shape, data_type, value, out)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('run_mode', [context.GRAPH_MODE, context.PYNATIVE_MODE])
@pytest.mark.parametrize('data_type', [np.float16, np.float32])
def test_fills_with_nan(run_mode, data_type):
"""
Feature: Fills
Description: test cases for Fills operator when fill with nan.
Expectation: the result match numpy.
"""
context.set_context(mode=run_mode, device_target='GPU')
data_shape = (2, 3)
value = float('nan')
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
out = input_x.fills(value)
assert np.isnan(out.asnumpy()).any()
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('data_type', [np.float16, np.float32])
@pytest.mark.parametrize('value', [float('inf'), float('-inf')])
def test_fills_with_inf(data_type, value):
"""
Feature: Fills
Description: test cases for Fills operator when fill with inf.
Expectation: the result match numpy.
"""
context.set_context(device_target='GPU')
data_shape = (2, 3)
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
out = input_x.fills(value)
compare_with_numpy(data_shape, data_type, value, out)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('run_mode', [context.GRAPH_MODE, context.PYNATIVE_MODE])
@pytest.mark.parametrize('data_type', [np.int8, np.int16, np.int32, np.float16])
def test_fills_with_overflow(run_mode, data_type):
"""
Feature: Fills
Description: test cases for Fills operator when overflow happens on value convert.
Expectation: the result match numpy.
"""
context.set_context(mode=run_mode, device_target='GPU')
data_shape = (2, 3)
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
value = float(pow(2, 32))
model = FillsNet()
with pytest.raises(RuntimeError, match='Fills-op'):
model(input_x, value)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
@pytest.mark.parametrize('data_type', [np.int8, np.int16, np.int32])
@pytest.mark.parametrize('value', [float('inf'), float('-inf'), float('nan')])
def test_fills_except_with_inf_nan(data_type, value):
"""
Feature: Fills
Description: test cases for Fills operator when convert inf/nan to int type.
Expectation: the result match numpy.
"""
context.set_context(device_target='GPU')
data_shape = (2, 3)
input_np = gen_np_input(data_shape=data_shape, data_type=data_type)
input_x = Tensor(input_np)
with pytest.raises(RuntimeError, match='Fills-op'):
input_x.fills(value)
@pytest.mark.level0
@pytest.mark.platform_x86_gpu_training
@pytest.mark.env_onecard
def test_fills_except_with_invalid_type():
"""
Feature: Fills
Description: test cases for Fills operator with invalid type.
Expectation: the result match numpy.
"""
context.set_context(device_target='GPU')
data_shape = (2, 3)
input_np = gen_np_input(data_shape=data_shape, data_type=np.int)
input_x = Tensor(input_np)
value = [2]
with pytest.raises(TypeError, match='ops.fills'):
P.fills(input_x, value)