/third_party/mindspore/mindspore/core/ops/ |
D | resize.cc | 45 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format() 50 (void)this->AddAttr(kMethod, MakeValue(swi)); in set_method() 53 void Resize::set_new_height(const int64_t new_height) { (void)this->AddAttr(kNewHeight, MakeValue(n… in set_new_height() 55 void Resize::set_new_width(const int64_t new_width) { (void)this->AddAttr(kNewWidth, MakeValue(new_… in set_new_width() 58 (void)this->AddAttr(kPreserveAspectRatio, MakeValue(preserve_aspect_ratio)); in set_preserve_aspect_ratio() 63 (void)this->AddAttr(kCoordinateTransformMode, MakeValue(swi)); in set_coordinate_transform_mode() 66 void Resize::set_cubic_coeff(const float cubic_coeff) { (void)this->AddAttr(kCubicCoeff, MakeValue(… in set_cubic_coeff() 69 (void)this->AddAttr(kExcludeOutside, MakeValue(exclude_outside)); in set_exclude_outside() 73 (void)this->AddAttr(kExtrapolationValue, MakeValue(extrapolation_value)); in set_extrapolation_value() 78 (void)this->AddAttr(kNearestMode, MakeValue(swi)); in set_nearest_mode()
|
D | proposal.cc | 26 void Proposal::set_feat_stride(const float feat_stride) { (void)this->AddAttr(kFeatStride, MakeValu… in set_feat_stride() 33 void Proposal::set_base_size(const float base_size) { (void)this->AddAttr(kBaseSize, MakeValue(base… in set_base_size() 40 void Proposal::set_min_size(const float min_size) { (void)this->AddAttr(kMinSize, MakeValue(min_siz… in set_min_size() 47 void Proposal::set_ratio(const std::vector<float> &ratio) { (void)this->AddAttr(kRatio, MakeValue(r… in set_ratio() 54 void Proposal::set_scale(const std::vector<float> &scale) { (void)this->AddAttr(kScale, MakeValue(s… in set_scale() 62 (void)this->AddAttr(kPreNmsTopn, MakeValue(pre_nms_topn)); in set_pre_nms_topn() 71 (void)this->AddAttr(kPostNmsTopn, MakeValue(post_nms_topn)); in set_post_nms_topn() 79 void Proposal::set_nms_thresh(const float nms_thresh) { (void)this->AddAttr(kNmsThresh, MakeValue(n… in set_nms_thresh()
|
D | prior_box.cc | 26 (void)this->AddAttr(kMinSizes, MakeValue(min_sizes)); in set_min_sizes() 32 (void)this->AddAttr(kMaxSizes, MakeValue(max_sizes)); in set_max_sizes() 41 (void)this->AddAttr(kAspectRatios, MakeValue(aspect_ratios)); in set_aspect_ratios() 47 (void)this->AddAttr(kVariances, MakeValue(variances)); in set_variances() 56 (void)this->AddAttr(kImageSizeW, MakeValue(image_size_w)); in set_image_size_w() 65 (void)this->AddAttr(kImageSizeH, MakeValue(image_size_h)); in set_image_size_h() 73 void PriorBox::set_step_w(const float step_w) { (void)this->AddAttr(kStepW, MakeValue(step_w)); } in set_step_w() 80 void PriorBox::set_step_h(const float step_h) { (void)this->AddAttr(kStepH, MakeValue(step_h)); } in set_step_h() 87 void PriorBox::set_clip(const bool clip) { (void)this->AddAttr(kClip, MakeValue(clip)); } in set_clip() 94 void PriorBox::set_flip(const bool flip) { (void)this->AddAttr(kFlip, MakeValue(flip)); } in set_flip() [all …]
|
D | adder.cc | 36 void Adder::set_in_channel(const int64_t in_channel) { (void)this->AddAttr(kInChannel, MakeValue(in… in set_in_channel() 43 void Adder::set_out_channel(const int64_t out_channel) { (void)this->AddAttr(kOutChannel, MakeValue… in set_out_channel() 51 (void)this->AddAttr(kKernelSize, MakeValue(kernel_size)); in set_kernel_size() 61 (void)this->AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 69 void Adder::set_stride(const std::vector<int64_t> &stride) { (void)this->AddAttr(kStride, MakeValue… in set_stride() 76 void Adder::set_pad_list(const std::vector<int64_t> &pad_list) { (void)this->AddAttr(kPadList, Make… in set_pad_list() 83 void Adder::set_dilation(const std::vector<int64_t> &dilation) { (void)this->AddAttr(kDilation, Mak… in set_dilation() 90 void Adder::set_group(const int64_t group) { (void)this->AddAttr(kGroup, MakeValue(group)); } in set_group() 99 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format()
|
D | split_with_overlap.cc | 34 void SplitWithOverlap::set_ratio(const std::vector<int64_t> &ratio) { (void)this->AddAttr(kRatio, M… in set_ratio() 37 (void)this->AddAttr(kExtendTop, MakeValue(extend_top)); in set_extend_top() 41 (void)this->AddAttr(kExtendBottom, MakeValue(extend_bottom)); in set_extend_bottom() 45 (void)this->AddAttr(kNumberSplit, MakeValue(number_split)); in set_number_split() 48 void SplitWithOverlap::set_split_dim(int64_t split_dim) { (void)this->AddAttr(kSplitDim, MakeValue(… in set_split_dim() 50 void SplitWithOverlap::set_split_stride(int64_t stride) { (void)this->AddAttr(kSplitStride, MakeVal… in set_split_stride() 52 void SplitWithOverlap::set_pad_top(int64_t pad_top) { (void)this->AddAttr(kPadTop, MakeValue(pad_to… in set_pad_top() 55 (void)this->AddAttr(kTransFormat, MakeValue(trans_format)); in set_trans_format()
|
D | conv2d_transpose.cc | 46 (void)AddAttr(kInChannel, in set_in_channel() 51 (void)AddAttr(kOutChannel, in set_out_channel() 61 (void)AddAttr(kKernelSize, MakeValue(kernel_size)); in set_kernel_size() 70 (void)AddAttr(kStride, MakeValue(stride)); in set_stride() 77 (void)AddAttr(kDilation, MakeValue(dilation)); in set_dilation() 90 (void)AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 96 (void)AddAttr(kPad, MakeValue(CheckAndConvertUtils::CheckPositiveVector(kPad, pad, name()))); in set_pad() 100 …(void)AddAttr(kMode, MakeValue(CheckAndConvertUtils::CheckInteger(kMode, mode, kEqual, 1, name()))… in set_mode() 104 …(void)AddAttr(kGroup, MakeValue(CheckAndConvertUtils::CheckInteger(kGroup, group, kGreaterThan, 0,… in set_group() 109 (void)AddAttr(kFormat, MakeValue(f)); in set_format() [all …]
|
D | detection_post_process.cc | 42 (void)this->AddAttr(kInputSize, MakeValue(inputSize)); in set_input_size() 50 void DetectionPostProcess::set_scale(const std::vector<float> &scale) { (void)this->AddAttr(kScale,… in set_scale() 57 (void)this->AddAttr(kNmsIouThreshold, MakeValue(NmsIouThreshold)); in set_nms_iou_threshold() 65 (void)this->AddAttr(kNmsScoreThreshold, MakeValue(NmsScoreThreshold)); in set_nms_score_threshold() 73 (void)this->AddAttr(kMaxDetections, MakeValue(MaxDetections)); in set_max_detections() 78 (void)this->AddAttr(kDetectionsPerClass, MakeValue(DetectionsPerClass)); in set_detections_per_class() 86 (void)this->AddAttr(kMaxClassesPerDetection, MakeValue(MaxClassesPerDetection)); in set_max_classes_per_detection() 93 (void)this->AddAttr(kNumClasses, MakeValue(NumClasses)); in set_num_classes() 97 (void)this->AddAttr(kUseRegularNms, MakeValue(UseRegularNms)); in set_use_regular_nms() 105 (void)this->AddAttr(kOutQuantized, MakeValue(OutQuantized)); in set_out_quantized() [all …]
|
D | affine.cc | 30 (void)this->AddAttr(kAffineContext, MakeValue(context)); in set_context() 33 void Affine::set_output_dim(int64_t output_dim) { (void)this->AddAttr(kAffineOutputDim, MakeValue(o… in set_output_dim() 35 void Affine::set_transpose_a(bool transpose_a) { (void)AddAttr(kTransposeA, MakeValue(transpose_a))… in set_transpose_a() 37 void Affine::set_transpose_b(bool transpose_b) { (void)AddAttr(kTransposeB, MakeValue(transpose_b))… in set_transpose_b() 40 (void)this->AddAttr(kActivationType, MakeValue(static_cast<int64_t>(activation_type))); in set_activation_type()
|
D | tensor_array.cc | 37 (void)this->AddAttr(kTensorArrayDynamicSize, MakeValue(dynamic_size)); in set_dynamic_size() 41 (void)this->AddAttr(kTensorArrayIdenticalElementShapes, MakeValue(identical_element_shapes)); in set_identical_element_shapes() 45 (void)this->AddAttr(kTensorArrayElementShape, MakeValue(element_shape)); in set_element_shape() 48 void TensorArray::set_data_type(int data_type) { (void)this->AddAttr(kTensorArrayDataType, MakeValu… in set_data_type()
|
D | lstm.cc | 108 (void)AddAttr(kInput_size, MakeValue(input_size)); in set_input_size() 113 (void)AddAttr(kHidden_size, MakeValue(hidden_size)); in set_hidden_size() 118 (void)AddAttr(kNumLayers, MakeValue(num_layers)); in set_num_layers() 121 void LSTM::set_has_bias(const bool has_bias) { (void)AddAttr(kHasBias, MakeValue(has_bias)); } in set_has_bias() 128 (void)AddAttr(kDropout, MakeValue(dropout)); in set_dropout() 134 void LSTM::set_bidirectional(const bool bidirectional) { (void)AddAttr(kBidirectional, MakeValue(bi… in set_bidirectional() 140 (void)AddAttr(kNumDirections, MakeValue(num_directions)); in set_num_directions() 143 void LSTM::set_zoneout_cell(float zoneout_cell) { (void)AddAttr(kZoneoutCell, MakeValue(zoneout_cel… in set_zoneout_cell() 147 void LSTM::set_zoneout_hidden(float zoneout_hidden) { (void)AddAttr(kZoneoutHidden, MakeValue(zoneo… in set_zoneout_hidden()
|
D | lrn.cc | 31 (void)this->AddAttr(kDepthRadius, MakeValue(depth_radius)); in set_depth_radius() 39 void LRN::set_bias(const float bias) { (void)this->AddAttr(kBias, MakeValue(bias)); } in set_bias() 46 void LRN::set_alpha(const float alpha) { (void)this->AddAttr(kAlpha, MakeValue(alpha)); } in set_alpha() 53 void LRN::set_beta(const float beta) { (void)this->AddAttr(kBeta, MakeValue(beta)); } in set_beta() 61 (void)this->AddAttr(kNormRegion, MakeValue(norm_region)); in set_norm_region()
|
D | fused_batch_norm.cc | 30 void FusedBatchNorm::set_mode(const int64_t mode) { (void)this->AddAttr(kMode, MakeValue(mode)); } in set_mode() 32 void FusedBatchNorm::set_epsilon(const float epsilon) { (void)this->AddAttr(kEpsilon, MakeValue(eps… in set_epsilon() 34 void FusedBatchNorm::set_momentum(const float momentum) { (void)this->AddAttr(kMomentum, MakeValue(… in set_momentum()
|
/third_party/mindspore/mindspore/core/ops/grad/ |
D | de_conv2d_grad_filter.cc | 43 (void)this->AddAttr(kInChannel, MakeValue(in_channel)); in set_in_channel() 53 (void)this->AddAttr(kOutChannel, MakeValue(out_channel)); in set_out_channel() 63 (void)this->AddAttr(kKernelSize, MakeValue(kernel_size)); in set_kernel_size() 74 (void)this->AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 84 (void)this->AddAttr(kPadList, MakeValue(pad_list)); in set_pad_list() 94 (void)this->AddAttr(kStride, MakeValue(stride)); in set_stride() 104 (void)this->AddAttr(kDilation, MakeValue(dilation)); in set_dilation() 113 void DeConv2DGradFilter::set_group(const int64_t group) { (void)this->AddAttr(kGroup, MakeValue(gro… in set_group() 123 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format() 134 (void)this->AddAttr(kActivationType, MakeValue(swi)); in set_activation_type() [all …]
|
D | lstm_grad.cc | 36 (void)AddAttr(kInput_size, MakeValue(input_size)); in set_input_size() 41 (void)AddAttr(kHidden_size, MakeValue(hidden_size)); in set_hidden_size() 46 (void)AddAttr(kNumLayers, MakeValue(num_layers)); in set_num_layers() 49 void LSTMGrad::set_has_bias(const bool has_bias) { (void)AddAttr(kHasBias, MakeValue(has_bias)); } in set_has_bias() 56 (void)AddAttr(kDropout, MakeValue(dropout)); in set_dropout() 62 void LSTMGrad::set_bidirectional(const bool bidirectional) { (void)AddAttr(kBidirectional, MakeValu… in set_bidirectional() 68 (void)AddAttr(kNumDirections, MakeValue(num_directions)); in set_num_directions() 71 void LSTMGrad::set_zoneout_cell(float zoneout_cell) { (void)AddAttr(kZoneoutCell, MakeValue(zoneout… in set_zoneout_cell() 75 void LSTMGrad::set_zoneout_hidden(float zoneout_hidden) { (void)AddAttr(kZoneoutHidden, MakeValue(z… in set_zoneout_hidden()
|
D | group_conv2d_grad_input.cc | 44 (void)this->AddAttr(kInChannel, MakeValue(in_channel)); in set_in_channel() 54 (void)this->AddAttr(kOutChannel, MakeValue(out_channel)); in set_out_channel() 64 (void)this->AddAttr(kKernelSize, MakeValue(kernel_size)); in set_kernel_size() 75 (void)this->AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 85 (void)this->AddAttr(kPadList, MakeValue(pad_list)); in set_pad_list() 95 (void)this->AddAttr(kStride, MakeValue(stride)); in set_stride() 105 (void)this->AddAttr(kDilation, MakeValue(dilation)); in set_dilation() 114 void GroupConv2DGradInput::set_group(const int64_t &group) { (void)this->AddAttr(kGroup, MakeValue(… in set_group() 123 (void)this->AddAttr(kInputShape, MakeValue(input_shape)); in set_input_shape() 134 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format() [all …]
|
D | pooling_grad.cc | 38 (void)this->AddAttr(kPoolMode, MakeValue(swi)); in set_pool_mode() 46 void PoolingGrad::set_window(const std::vector<int64_t> &window) { (void)this->AddAttr(kWindow, Mak… in set_window() 54 void PoolingGrad::set_stride(const std::vector<int64_t> &stride) { (void)this->AddAttr(kStride, Mak… in set_stride() 64 (void)this->AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 74 (void)this->AddAttr(kPadList, MakeValue(pad_list)); in set_pad_list() 85 (void)this->AddAttr(kRoundMode, MakeValue(swi)); in set_round_mode() 96 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format() 105 void PoolingGrad::set_global(const bool global) { (void)this->AddAttr(kGlobal, MakeValue(global)); } in set_global()
|
D | strided_slice_grad.cc | 37 (void)this->AddAttr(kBeginMask, MakeValue(begin_mask)); in set_begin_mask() 46 (void)this->AddAttr(kEndMask, MakeValue(end_mask)); in set_end_mask() 61 (void)this->AddAttr(kEllipsisMask, MakeValue(ellipsis_mask)); in set_ellipsis_mask() 70 (void)this->AddAttr(kNewAxisMask, MakeValue(new_axis_mask)); in set_new_axis_mask() 79 (void)this->AddAttr(kShrinkAxisMask, MakeValue(shrink_axis_mask)); in set_shrink_axis_mask()
|
D | conv2d_backprop_filter.cc | 143 (void)this->AddAttr(kOutChannel, MakeValue(out_channel)); in set_out_channel() 153 (void)this->AddAttr(kKernelSize, MakeValue(kernel_size)); in set_kernel_size() 164 (void)this->AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 174 (void)this->AddAttr(kPadList, MakeValue(pad_list)); in set_pad_list() 183 void Conv2DBackpropFilter::set_mode(const int64_t mode) { (void)this->AddAttr(kMode, MakeValue(mode… in set_mode() 192 (void)this->AddAttr(kStride, MakeValue(stride)); in set_stride() 202 (void)this->AddAttr(kDilation, MakeValue(dilation)); in set_dilation() 211 void Conv2DBackpropFilter::set_group(const int64_t group) { (void)this->AddAttr(kGroup, MakeValue(g… in set_group() 221 (void)this->AddAttr(kFormat, MakeValue(swi)); in set_format()
|
D | conv2d_backprop_input.cc | 79 (void)primitive->AddAttr(kPadList, MakeValue(pad_list)); in SetPadList() 190 (void)AddAttr(kOutChannel, in set_out_channel() 195 …(void)AddAttr(kKernelSize, MakeValue(CheckAndConvertUtils::CheckPositiveVector(kKernelSize, kernel… in set_kernel_size() 199 …(void)AddAttr(kStride, MakeValue(CheckAndConvertUtils::CheckPositiveVector(kStride, stride, name()… in set_stride() 203 …(void)AddAttr(kDilation, MakeValue(CheckAndConvertUtils::CheckPositiveVector(kDilation, dilation, … in set_dilation() 216 (void)AddAttr(kPadMode, MakeValue(swi)); in set_pad_mode() 222 (void)AddAttr(kPad, MakeValue(CheckAndConvertUtils::CheckPositiveVector(kPad, pad, name()))); in set_pad() 226 …(void)AddAttr(kMode, MakeValue(CheckAndConvertUtils::CheckInteger(kMode, mode, kEqual, 1, name()))… in set_mode() 230 …(void)AddAttr(kGroup, MakeValue(CheckAndConvertUtils::CheckInteger(kGroup, group, kGreaterThan, 0,… in set_group() 235 (void)AddAttr(kFormat, MakeValue(f)); in set_format() [all …]
|
/third_party/mindspore/tests/ut/cpp/transform/ |
D | convert_test.cc | 92 conv2d->AddAttr("stride", MakeValue(static_cast<int64_t>(2))); in TEST_F() 93 conv2d->AddAttr("pad", MakeValue(static_cast<int64_t>(0))); in TEST_F() 94 conv2d->AddAttr("dilation", MakeValue(static_cast<int64_t>(0))); in TEST_F() 117 prim->AddAttr("T", MakeValue(static_cast<int64_t>(0))); in TEST_F() 138 batch_norm->AddAttr("epsilon", MakeValue(0.001f)); in TEST_F() 139 batch_norm->AddAttr("momentum", MakeValue(0.1f)); in TEST_F() 176 prim->AddAttr("stride", MakeValue(list)); in TEST_F() 177 prim->AddAttr("pad", MakeValue(static_cast<int64_t>(0))); in TEST_F() 178 prim->AddAttr("pad_mode", MakeValue(std::string("pad"))); in TEST_F() 179 prim->AddAttr("dilation", MakeValue(static_cast<int64_t>(1))); in TEST_F() [all …]
|
D | graph_runner_test.cc | 59 conv2d->AddAttr("stride", MakeValue(static_cast<int64_t>(1))); in MakeGeGraph() 60 conv2d->AddAttr("pad", MakeValue(static_cast<int64_t>(0))); in MakeGeGraph() 61 conv2d->AddAttr("pad_mode", MakeValue(std::string("pad"))); in MakeGeGraph() 62 conv2d->AddAttr("dilation", MakeValue(static_cast<int64_t>(1))); in MakeGeGraph() 63 conv2d->AddAttr("group", MakeValue(static_cast<int64_t>(1))); in MakeGeGraph() 64 conv2d->AddAttr("mode", MakeValue(static_cast<int64_t>(1))); in MakeGeGraph() 65 conv2d->AddAttr("out_channel", MakeValue(static_cast<int64_t>(2))); in MakeGeGraph() 66 conv2d->AddAttr("kernel_size", MakeValue(std::vector<int64_t>({2, 2}))); in MakeGeGraph() 67 conv2d->AddAttr("dilation", MakeValue(static_cast<int64_t>(1))); in MakeGeGraph() 68 conv2d->AddAttr("data_format", MakeValue(kOpFormat_NCHW)); in MakeGeGraph()
|
/third_party/mindspore/mindspore/core/ops/fusion/ |
D | activation.cc | 26 void Activation::set_alpha(const float alpha) { (void)this->AddAttr(kAlpha, MakeValue(alpha)); } in set_alpha() 28 void Activation::set_min_val(const float min_val) { (void)this->AddAttr(kMinVal, MakeValue(min_val)… in set_min_val() 30 void Activation::set_max_val(const float max_val) { (void)this->AddAttr(kMaxVal, MakeValue(max_val)… in set_max_val() 34 (void)this->AddAttr(kActivationType, MakeValue(swi)); in set_activation_type() 57 void Activation::set_approximate(bool approximate) { (void)this->AddAttr(kApproximate, MakeValue(ap… in set_approximate()
|
D | reduce_fusion.cc | 29 void ReduceFusion::set_keep_dims(const bool keep_dims) { (void)this->AddAttr(kKeepDims, MakeValue(k… in set_keep_dims() 33 (void)this->AddAttr(kMode, MakeValue(swi)); in set_mode() 37 (void)this->AddAttr(kReduceToEnd, MakeValue(reduce_to_end)); in set_reduce_to_end() 40 void ReduceFusion::set_coeff(const float coeff) { (void)this->AddAttr(kCoeff, MakeValue(coeff)); } in set_coeff()
|
D | exp_fusion.cc | 32 void ExpFusion::set_base(const float base) { (void)this->AddAttr(kBase, MakeValue(base)); } in set_base() 34 void ExpFusion::set_scale(const float scale) { (void)this->AddAttr(kScale, MakeValue(scale)); } in set_scale() 36 void ExpFusion::set_shift(const float shift) { (void)this->AddAttr(kShift, MakeValue(shift)); } in set_shift()
|
/third_party/mindspore/mindspore/lite/tools/converter/parser/onnx/ |
D | onnx_slice_parser.cc | 89 prim->AddAttr("starts", MakeValue(starts)); in Parse() 90 prim->AddAttr("axes", MakeValue(axes)); in Parse() 91 prim->AddAttr("ends", MakeValue(ends)); in Parse() 92 prim->AddAttr("steps", MakeValue(steps)); in Parse() 94 prim->AddAttr(ops::kFmkType, MakeValue(fmk_type)); in Parse()
|