Home
last modified time | relevance | path

Searched defs:infer_shape (Results 1 – 25 of 53) sorted by relevance

123

/third_party/mindspore/mindspore/ops/operations/
D_thor_ops.py65 def infer_shape(self, data1_shape, data2_shape): member in CusBatchMatMul
98 def infer_shape(self, data1_shape): member in CusCholeskyTrsm
135 def infer_shape(self, data1_shape): member in CusFusedAbsMax1
174 def infer_shape(self, data1_shape): member in CusImg2Col
215 def infer_shape(self, data1_shape, data2_shape): member in CusMatMulCubeDenseLeft
250 def infer_shape(self, data1_shape, data2_shape, data3_shape): member in CusMatMulCubeFraczRightMul
291 def infer_shape(self, data1_shape, data2_shape): member in CusMatMulCube
330 def infer_shape(self, data_shape): member in CusMatrixCombine
372 def infer_shape(self, data1_shape): member in CusTranspose02314
411 def infer_shape(self, data1_shape, data2_shape, data3_shape): member in CusMatMulCubeDenseRight
[all …]
Dcomm_ops.py161 def infer_shape(self, x_shape): member in AllReduce
235 def infer_shape(self, x_shape): member in AllGather
272 def infer_shape(self, x_shape, z_shape): member in _MiniStepAllGather
303 def infer_shape(self, x_shape, z_shape): member in _MicroStepAllGather
353 def infer_shape(self, x_shape): member in _HostAllGather
428 def infer_shape(self, x_shape): member in ReduceScatter
483 def infer_shape(self, x_shape): member in _HostReduceScatter
561 def infer_shape(self, x_shape): member in Broadcast
693 def infer_shape(self, x_shape): member in AlltoAll
732 def infer_shape(self, x_shape): member in _MirrorOperator
[all …]
Dother_ops.py113 def infer_shape(self, x, y, z): member in InplaceAssign
189 def infer_shape(self, anchor_box, groundtruth_box): member in BoundingBoxEncode
257 def infer_shape(self, anchor_box, deltas): member in BoundingBoxDecode
321 def infer_shape(self, bboxes_shape, metas_shape): member in CheckValid
387 def infer_shape(self, anchor_boxes, gt_boxes): member in IOU
538 def infer_shape(self, xshapes, yshapes): member in CheckBprop
620 def infer_shape(self, labels, predictions, weights=None): member in ConfusionMatrix
666 def infer_shape(self, x_shape): member in PopulationCount
698 def infer_shape(self, inputs, shapes): member in Push
723 def infer_shape(self, key_shape, weight_shape): member in Pull
[all …]
Dmath_ops.py77 def infer_shape(self, x_shape, y_shape): member in _BinaryOp
286 def infer_shape(self, variable, value): member in AssignAdd
357 def infer_shape(self, variable, value): member in AssignSub
1049 def infer_shape(self, x_shape, axis_shape): member in CumProd
1459 def infer_shape(self, inputs): member in AccumulateNV2
1513 def infer_shape(self, x_shape): member in Neg
1583 def infer_shape(self, x_shape, v_shape): member in InplaceAdd
1652 def infer_shape(self, x_shape, v_shape): member in InplaceSub
1883 def infer_shape(self, x_shape): member in Rsqrt
1985 def infer_shape(self, x): member in Reciprocal
[all …]
D_quant_ops.py105 def infer_shape(self, x_shape, min_shape, max_shape): member in MinMaxUpdatePerLayer
165 def infer_shape(self, x_shape, min_shape, max_shape): member in MinMaxUpdatePerChannel
226 def infer_shape(self, input_x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerLayer
267 def infer_shape(self, dout_shape, x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerLayerGrad
298 def infer_shape(self, dout_shape, x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerLayerGradD
323 def infer_shape(self, dout_alpha_shape): member in FakeLearnedScaleQuantPerLayerGradDReduce
383 def infer_shape(self, input_x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerChannel
432 def infer_shape(self, dout_shape, x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerChannelGrad
463 def infer_shape(self, dout_shape, x_shape, alpha_shape, quant_max_shape): member in FakeLearnedScaleQuantPerChannelGradD
489 def infer_shape(self, dout_alpha_shape): member in FakeLearnedScaleQuantPerChannelGradDReduce
[all …]
D_inner_ops.py79 def infer_shape(self, input_x): member in ExtractImagePatches
167 def infer_shape(self, x_shape): member in Range
222 def infer_shape(self, x_shape): member in Quant
273 def infer_shape(self, x_shape, deq_scale_shape): member in Dequant
320 def infer_shape(self, x_shape, assist_shape): member in MatrixDiag
369 def infer_shape(self, x_shape, assist_shape): member in MatrixDiagPart
426 def infer_shape(self, x_shape): member in Send
488 def infer_shape(self, x_shape=None): member in Receive
528 def infer_shape(self, x_shape, diagonal_shape, assist_shape): member in MatrixSetDiag
591 def infer_shape(self, input0_shape, input1_shape, input2_shape): member in ConfusionMulGrad
[all …]
Dnn_ops.py122 def infer_shape(self, input_x): member in Flatten
218 def infer_shape(self, x_shape): member in AdaptiveAvgPool2D
412 def infer_shape(self, input_x): member in Softsign
499 def infer_shape(self, x_shape): member in Mish
553 def infer_shape(self, x_shape): member in SeLU
701 def infer_shape(self, input_x): member in Elu
750 def infer_shape(self, xshape): member in HSwish
797 def infer_shape(self, input_x): member in Sigmoid
883 def infer_shape(self, input_x): member in Tanh
996 def infer_shape(self, input_x, gamma, beta, mean, variance): member in InstanceNorm
[all …]
D_grad_ops.py35 def infer_shape(self, y, dy): member in AbsGrad
54 def infer_shape(self, x, dout): member in ACosGrad
71 def infer_shape(self, x, dout): member in AcoshGrad
93 def infer_shape(self, x, dout): member in AsinGrad
110 def infer_shape(self, x, dout): member in AsinhGrad
127 def infer_shape(self, x_shape, dout_shape): member in ReciprocalGrad
144 def infer_shape(self, x_shape, dout_shape): member in RsqrtGrad
167 def infer_shape(self, x_shape, dout_shape): member in SqrtGrad
187 …def infer_shape(self, y_backprop_shape, x_shape, scale_shape, save_mean_shape, save_variance_shape… member in BatchNormGrad
205 …def infer_shape(self, y_backprop_shape, x_shape, scale_shape, save_mean_shape, save_variance_shape… member in SyncBatchNormGrad
[all …]
Dsponge_update_ops.py69 def infer_shape(self, crd_shape, quarter_cof_shape, test_frc_shape, mass_inverse_shape): member in RefreshUintCrd
144 def infer_shape(self, uint_crd_shape, scaler_shape, pair_dr_shape, atom_i_serials_shape, member in ConstrainForceCycleWithVirial
227 def infer_shape(self, crd_shape, quarter_cof_shape, uint_dr_to_dr_shape, atom_i_serials_shape, member in LastCrdToDr
316 def infer_shape(self, crd_shape, vel_shape, test_frc_shape, mass_inverse_shape): member in RefreshCrdVel
376 def infer_shape(self, crd_shape, box_shape, box_map_times_shape): member in CalculateNowrapCrd
435 def infer_shape(self, crd_shape, old_crd_shape, box_length_inverse_shape, box_map_times_shape): member in RefreshBoxmapTimes
495 def infer_shape(self, atom_lj_type, lj_b): member in Totalc6get
543 def infer_shape(self, crd_to_uint_crd_cof, crd): member in CrdToUintCrdQuarter
629 … def infer_shape(self, inverse_mass, sqrt_mass_inverse, vel, crd, frc, acc, rand_state, rand_frc): member in MDIterationLeapFrogLiujianWithMaxVel
706 def infer_shape(self, start, end, crd, atom_mass, residue_mass_inverse): member in GetCenterOfMass
[all …]
Dsponge_ops.py85 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, bond_k_shape, … member in BondForce
170 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, bond_k_shape, … member in BondEnergy
250 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, bond_k_shape, … member in BondAtomEnergy
330 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, bond_k_shape, … member in BondForceWithAtomEnergy
424 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, bond_k_shape, … member in BondForceWithAtomVirial
513 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, atom_c_shape, … member in DihedralForce
616 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, atom_c_shape, … member in DihedralEnergy
719 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, atom_c_shape, … member in DihedralAtomEnergy
824 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, atom_c_shape, … member in DihedralForceWithAtomEnergy
934 …def infer_shape(self, uint_crd_f_shape, scaler_f_shape, atom_a_shape, atom_b_shape, atom_c_shape, … member in AngleForce
[all …]
Ddebug_ops.py308 def infer_shape(self, x_shape): member in InsertGradientOf
367 def infer_shape(self, *inputs_shape): member in HookBackward
440 def infer_shape(self, *inputs): member in Print
488 def infer_shape(self, condition, inputs): member in Assert
Dinner_ops.py115 def infer_shape(self, n_shape): member in Randperm
191 def infer_shape(self, seq_shape, log_shape): member in NoRepeatNGram
262 def infer_shape(self, grad_shape, v_shape, m_shape, var_shape, beta1_shape, sub1_shape, member in LambApplyOptimizerAssign
324 def infer_shape(self, w_norm_shape, g_norm_shape, lr_shape, update_shape, var_shape): member in LambApplyWeightAssign
441 def infer_shape(self, d_shape, s_shape, v_shape, a_shape, l_shape, g_shape, m_shape): member in FusedWeightScaleApplyMomentum
543 def infer_shape(self, var_shape, m_shape, v_shape, lr_shape, beta1_shape, beta2_shape, member in FusedCastAdamWeightDecay
Drl_ops.py126 def infer_shape(self, data_shape, count_shape, head_shape): member in BufferSample
207 def infer_shape(self, data_shape, exp_shape, count_shape, head_shape): member in BufferAppend
309 def infer_shape(self, data_shape, count_shape, head_shape, index_shape): member in BufferGetItem
Dcontrol_ops.py76 def infer_shape(self, data, pred): member in GeSwitch
116 def infer_shape(self, inputs): member in Merge
Darray_ops.py65 def infer_shape(self, x_shape, indices_shape, updates_shape): member in _ScatterOp
671 def infer_shape(self, x_shape): member in Squeeze
1676 def infer_shape(self, x_shape): member in Argmax
1733 def infer_shape(self, x_shape): member in Argmin
1804 def infer_shape(self, x_shape): member in ArgMaxWithValue
1872 def infer_shape(self, x_shape): member in ArgMinWithValue
2865 def infer_shape(self, x_shape): member in ReverseV2
2924 def infer_shape(self, x_shape): member in Rint
3399 def infer_shape(self, x_shape): member in Diag
3457 def infer_shape(self, x_shape): member in DiagPart
[all …]
Drandom_ops.py430 def infer_shape(self, x_shape): member in RandomChoiceWithMask
647 def infer_shape(self, true_classes_shape): member in UniformCandidateSampler
717 def infer_shape(self, true_classes_shape): member in LogUniformCandidateSampler
/third_party/mindspore/mindspore/core/ops/
Dtile.cc28 std::vector<int64_t> infer_shape = input_shape; in GetInferShape() local
67 auto infer_shape = GetInferShape(input_shape, multiples_v); in TileInferShape() local
Datan.cc31 auto infer_shape = std::make_shared<abstract::Shape>(x_shape); in AtanInfer() local
Dtan.cc37 auto infer_shape = std::make_shared<abstract::Shape>(x_shape); in TanInfer() local
Dasin.cc33 auto infer_shape = std::make_shared<abstract::Shape>(x_shape); in AsinInfer() local
Drank.cc33 std::vector<int64_t> infer_shape; in RankInfer() local
Ddropout.cc51 auto infer_shape = std::make_shared<abstract::Shape>(out_shape); in DropoutInfer() local
/third_party/mindspore/mindspore/_extends/graph_kernel/expanders/
Dexpand_dims.py31 def infer_shape(shape, axis): member in ExpandDims
Dsqueeze.py31 def infer_shape(shape, axis): member in Squeeze
/third_party/mindspore/tests/st/ops/custom_ops_tbe/
Dcus_add3.py27 def infer_shape(self, input1, input2): member in CusAdd3

123