/third_party/mindspore/mindspore/lite/src/runtime/kernel/arm/fp32_grad/ |
D | arithmetic_grad.cc | 38 auto dx2 = out_tensors_[1]; in Init() local 40 CHECK_NULL_RETURN(dx2); in Init() 44 if (dx1->ElementsNum() < dx2->ElementsNum()) { in Init() 49 } else if (dx2->ElementsNum() < dx1->ElementsNum()) { in Init() 79 …meticGradCPUKernel::ArithmeticGradAdd(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, in ArithmeticGradAdd() argument 88 memcpy(dx2, dy, dy_size * sizeof(float)); in ArithmeticGradAdd() 90 ReduceSumByAxes(dy, arithmeticParameter_->out_shape_, dx2, arithmeticParameter_->in_shape1_, in ArithmeticGradAdd() 96 …meticGradCPUKernel::ArithmeticGradSub(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, in ArithmeticGradSub() argument 106 dx2[i] = -dy[i]; in ArithmeticGradSub() 109 ReduceSumByAxes(dy, arithmeticParameter_->out_shape_, dx2, arithmeticParameter_->in_shape1_, in ArithmeticGradSub() [all …]
|
D | arithmetic_grad.h | 81 int ArithmeticGradAdd(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size); 82 int ArithmeticGradSub(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size); 83 int ArithmeticGradMul(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size); 84 …int ArithmeticGradMul1L(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size… 85 …int ArithmeticGradMul2L(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size… 86 int ArithmeticGradDiv(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size); 87 …int ArithmeticGradDiv1L(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size… 88 …int ArithmeticGradDiv2L(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_size… 89 …int ArithmeticGradMaximum(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_si… 90 …int ArithmeticGradMinimum(float *dy, int dy_size, float *dx1, int dx1_size, float *dx2, int dx2_si…
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/cuda_impl/ |
D | broadcast_grad_impl.cu | 24 const T &dy, T *dx1, T *dx2) { in operator ()() 28 MsAtomicAdd(dx2, dy); in operator ()() 36 const T &dy, T *dx1, T *dx2) { in operator ()() 40 MsAtomicAdd(dx2, dy); in operator ()() 52 const T *x2, const T *dy, T *dx1, T *dx2) { in BroadcastGradOperator() argument 61 Func()(x1[l_index], x2[r_index], grad_x1, grad_x2, dy[pos], dx1 + l_index, dx2 + r_index); in BroadcastGradOperator() 69 const T *x2, const T *dy, T *dx1, T *dx2) { in BroadcastGradKernel() argument 73 grad_x2, x1, x2, dy, dx1, dx2); in BroadcastGradKernel() 76 grad_x2, x1, x2, dy, dx1, dx2); in BroadcastGradKernel() 84 const T *dy, T *dx1, T *dx2, cudaStream_t stream) { in BroadcastGrad() argument [all …]
|
D | broadcast_grad_impl.cuh | 32 const T *dy, T *dx1, T *dx2, cudaStream_t stream); 36 const T *x1, const T *x2, const T *dy, T *dx1, T *dx2, cudaStream_t stream);
|
/third_party/mindspore/mindspore/lite/src/runtime/kernel/arm/fp16_grad/ |
D | arithmetic_fp16_grad.cc | 46 float16_t *dx2, int dx2_size) { in ArithmeticGradMaximum() argument 55 arithmeticParameter_->out_shape_, dx1, dx2, arithmeticParameter_->ndim_); in ArithmeticGradMaximum() 60 float16_t *dx2, int dx2_size) { in ArithmeticGradMinimum() argument 69 arithmeticParameter_->out_shape_, dx1, dx2, arithmeticParameter_->ndim_); in ArithmeticGradMinimum() 78 auto dx2 = reinterpret_cast<float16_t *>(out_tensors_[1]->data()); in Execute() local 81 CHECK_NULL_RETURN(dx2); in Execute() 85 (this->*arithmetic_grad_)(dy, dy_size, dx1, dx1_size, dx2, dx2_size); in Execute()
|
D | arithmetic_fp16_grad.h | 70 …radMaximum(float16_t *dy, int dy_size, float16_t *dx1, int dx1_size, float16_t *dx2, int dx2_size); 71 …radMinimum(float16_t *dy, int dy_size, float16_t *dx1, int dx1_size, float16_t *dx2, int dx2_size);
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/ |
D | arithmetic_grad_infer.c | 39 TensorC *dx2 = outputs[1]; in ArithmeticGradInferShape() local 56 if (GetElementNum(dx1) < GetElementNum(dx2)) { in ArithmeticGradInferShape() 72 } else if (GetElementNum(dx2) < GetElementNum(dx1)) { in ArithmeticGradInferShape() 99 SetShapeTensor(dx2, x2); in ArithmeticGradInferShape() 101 dx2->data_type_ = dy->data_type_; in ArithmeticGradInferShape()
|
D | add_sub_grad_infer.c | 32 TensorC *dx2 = outputs[1]; in AddSubGradInferShape() local 55 SetShapeTensor(dx2, x2); in AddSubGradInferShape() 57 SetDataTypeFormat(dx2, dy); in AddSubGradInferShape()
|
D | max_min_grad_infer.c | 32 TensorC *dx2 = outputs[1]; in MaxMinGradInferShape() local 58 SetShapeTensor(dx2, x2); in MaxMinGradInferShape() 60 SetDataTypeFormat(dx2, dy); in MaxMinGradInferShape()
|
/third_party/gstreamer/gstplugins_bad/gst/geometrictransform/ |
D | gstsphere.c | 143 gdouble dx2, dy2; in sphere_map() local 147 dx2 = dx * dx; in sphere_map() 152 (cgt->precalc_radius2 * dx2) / cgt->precalc_radius2)) { in sphere_map() 163 z = sqrt ((1.0 - dx2 / cgt->precalc_radius2 - in sphere_map() 168 angle = acos (dx / sqrt (dx2 + z2)); in sphere_map()
|
/third_party/mindspore/tests/st/ops/gpu/ |
D | test_tensordot_op.py | 290 dx1, dx2 = grad_network(x1_tensor, x2_tensor, grad_tensor) 291 dx1, dx2 = dx1.asnumpy(), dx2.asnumpy() 309 np.allclose(dx2, expect_dx2) 328 dx1, dx2 = grad_network(x1_tensor, x2_tensor, grad_tensor) 329 dx1, dx2 = dx1.asnumpy(), dx2.asnumpy() 413 np.allclose(dx2, expect_dx2)
|
D | test_cudnn_inplace_fusion.py | 42 dx2 = self.conv2d_2(x2, self.w2, self.shape) 44 dx = self.add(dx1, dx2)
|
/third_party/boost/boost/polygon/detail/ |
D | polygon_arbitrary_formation.hpp | 50 const area_type& dx2) { in compute_intercept() 53 area_type dx1_q = dx1 / dx2; in compute_intercept() 54 area_type dx1_r = dx1 % dx2; in compute_intercept() 55 return dx1_q * dy2 + (dy2 * dx1_r)/dx2; in compute_intercept() 59 static inline bool equal_slope(area_type dx1, area_type dy1, area_type dx2, area_type dy2) { in equal_slope() 61 …unsigned_product_type cross_1 = (unsigned_product_type)(dx2 < 0 ? -dx2 :dx2) * (unsigned_product_t… in equal_slope() 64 int dx2_sign = dx2 < 0 ? -1 : 1; in equal_slope() 73 static inline bool equal_slope_hp(const T& dx1, const T& dy1, const T& dx2, const T& dy2) { in equal_slope_hp() 74 return dx1 * dy2 == dx2 * dy1; in equal_slope_hp() 83 at dx2 = (at)pts[1]->get(HORIZONTAL) - (at)x; in equal_slope() local [all …]
|
/third_party/boost/libs/math/example/ |
D | numerical_derivative_example.cpp | 79 const value_type dx2(dx * 2U); in derivative() local 83 const value_type m2 ((function (x + dx2) - function(x - dx2)) / 4U); in derivative()
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/math/ |
D | broadcast_grad_gpu_kernel.h | 52 T *dx2 = GetDeviceAddress<T>(outputs, 1); in Launch() local 58 … cudaMemsetAsync(dx2, 0, outputs[1]->size, reinterpret_cast<cudaStream_t>(stream_ptr)), in Launch() 63 x1, x2, dy, dx1, dx2, reinterpret_cast<cudaStream_t>(stream_ptr)); in Launch() 65 NoBroadcastGrad(output_num_, grad_x_, grad_y_, op_type_, x1, x2, dy, dx1, dx2, in Launch()
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/fp32_grad/ |
D | layernorm_grad.c | 58 float dx2 = sum1 * 2.0f / block_size * (x[index] - mean[i]); in LayerNormGrad() local 60 dx[index] = dx1 + dx2 + dx3; in LayerNormGrad()
|
/third_party/mesa3d/src/mesa/swrast/ |
D | s_aatriangle.c | 197 const GLfloat dx2 = v0[0] - v2[0]; in compute_coveragef() local 231 cross = (dx2 * (sy - v2[1]) - dy2 * (sx - v2[0])); in compute_coveragef() 233 cross = dx2 + dy2; in compute_coveragef()
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/fp16_grad/ |
D | layernorm_grad.c | 55 float dx2 = sum1 * 2.0f / block_size * (x[j] - mean[norm_shift]); in LayerNormFp16Grad() local 57 dx[j] = (float16_t)(dx1 + dx2 + dx3); in LayerNormFp16Grad()
|
/third_party/boost/boost/geometry/strategies/cartesian/ |
D | buffer_join_round.hpp | 81 PromotedType const dx2 = get<0>(perp2) - get<0>(vertex); in generate_points() local 87 PromotedType angle2 = atan2(dy2, dx2); in generate_points()
|
/third_party/boost/boost/polygon/ |
D | polygon_traits.hpp | 1209 static inline bool equal_slope(area_type dx1, area_type dy1, area_type dx2, area_type dy2) { in equal_slope() 1211 …unsigned_product_type cross_1 = (unsigned_product_type)(dx2 < 0 ? -dx2 :dx2) * (unsigned_product_t… in equal_slope() 1214 int dx2_sign = dx2 < 0 ? -1 : 1; in equal_slope() 1228 at dx2 = (at)pts[1]->get(HORIZONTAL) - (at)x; in equal_slope() local 1230 return equal_slope(dx1, dy1, dx2, dy2); in equal_slope() 1234 static inline bool less_slope(area_type dx1, area_type dy1, area_type dx2, area_type dy2) { in less_slope() 1243 if(dx2 < 0) { in less_slope() 1245 dx2 *= -1; in less_slope() 1246 } else if(dx2 == 0) { in less_slope() 1251 …unsigned_product_type cross_1 = (unsigned_product_type)(dx2 < 0 ? -dx2 :dx2) * (unsigned_product_t… in less_slope() [all …]
|
/third_party/ffmpeg/libavfilter/ |
D | vf_swaprect.c | 92 double dx2, dy2; in filter_frame() local 132 ret = av_expr_parse_and_eval(&dx2, s->x2, in filter_frame() 146 w = dw; h = dh; x1[0] = dx1; y1[0] = dy1; x2[0] = dx2; y2[0] = dy2; in filter_frame()
|
/third_party/boost/libs/multiprecision/example/ |
D | floating_point_examples.cpp | 251 const value_type dx2 = dx1 * 2; in derivative() local 255 const value_type m2 = (func(x + dx2) - func(x - dx2)) / 4; in derivative()
|
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/ |
D | layer_norm_grad_cpu_kernel.cc | 132 auto dx2 = sum1 * (T)2.0 / (T)(block_size_) * (x[j] - mean[norm_shift]); in LaunchKernel() local 134 dx[j] = dx1 + dx2 + dx3; in LaunchKernel()
|
/third_party/mesa3d/src/gallium/drivers/freedreno/a5xx/ |
D | fd5_blitter.c | 317 unsigned dx1, dy1, dx2, dy2; in emit_blit() local 354 dx2 = dbox->x + dbox->width - 1; in emit_blit() 427 OUT_RING(ring, CP_BLIT_4_DST_X2(dx2) | CP_BLIT_4_DST_Y2(dy2)); in emit_blit()
|
/third_party/mindspore/mindspore/ops/_grad/ |
D | grad_quant_ops.py | 194 dx2 = op2(dout[0], out[2], out[3]) 195 return (dx, dx1, dx2)
|