Home
last modified time | relevance | path

Searched refs:x_size (Results 1 – 25 of 31) sorted by relevance

12

/third_party/mbedtls/tests/suites/
Dtest_suite_dhm.data1 Diffie-Hellman full exchange: tiny x_size
4 Diffie-Hellman full exchange: 5-bit, x_size=3
7 Diffie-Hellman full exchange: 5-bit, x_size=2
27 ## This is x_size = P_size + 1. Arguably x_size > P_size makes no sense,
29 ## x_size = P_size. If this behavior changes in the future, change the expected
31 Diffie-Hellman full exchange: 97-bit, x_size=14
49 Diffie-Hellman full exchange: 97-bit, x_size=12
52 Diffie-Hellman full exchange: 97-bit, x_size=11
55 Diffie-Hellman full exchange: 97-bit, x_size=1 #1
58 Diffie-Hellman full exchange: 97-bit, x_size=1 #2
[all …]
Dtest_suite_dhm.function56 size_t x_size,
64 TEST_ASSERT( mbedtls_mpi_size( &ctx->X ) <= x_size );
91 void dhm_do_dhm( int radix_P, char *input_P, int x_size,
129 TEST_ASSERT( mbedtls_dhm_make_params( &ctx_srv, x_size, ske, &ske_len,
134 if( !check_dhm_params( &ctx_srv, x_size, ske, ske_len ) )
144 TEST_ASSERT( mbedtls_dhm_make_public( &ctx_cli, x_size, pub_cli, pub_cli_len,
194 TEST_ASSERT( mbedtls_dhm_make_params( &ctx_srv, x_size, ske, &ske_len,
197 if( !check_dhm_params( &ctx_srv, x_size, ske, ske_len ) )
203 TEST_ASSERT( mbedtls_dhm_make_public( &ctx_cli, x_size, pub_cli, pub_cli_len,
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/fp16_grad/
Dconvolution_grad_filter.c39 int x_size = in_h * in_w * in_ch; in FilterGrad32Arm() local
55 const float16_t *x_addr = &x[b * x_size]; in FilterGrad32Arm()
117 int x_size = in_h * in_w * in_ch; in FilterGrad16Arm() local
128 const float16_t *x_addr = &x[b * x_size]; in FilterGrad16Arm()
175 int x_size = in_h * in_w * in_ch; in FilterGrad8Arm() local
185 const float16_t *x_addr = &x[b * x_size]; in FilterGrad8Arm()
224 int x_size = in_h * in_w * in_ch; in FilterGrad4Arm() local
233 const float16_t *x_addr = &x[b * x_size]; in FilterGrad4Arm()
272 int x_size = in_h * in_w * in_ch; in FilterGradLeftoverArm() local
282 const float16_t *x_addr = &x[b * x_size]; in FilterGradLeftoverArm()
[all …]
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/fp32_grad/
Dconvolution_grad_filter.c37 int x_size = in_h * in_w * in_ch; in FilterGrad16Arm() local
48 const float *x_addr = &x[b * x_size]; in FilterGrad16Arm()
114 int x_size = in_h * in_w * in_ch; in FilterGrad12Arm() local
124 const float *x_addr = &x[b * x_size]; in FilterGrad12Arm()
184 int x_size = in_h * in_w * in_ch; in FilterGrad8Arm() local
194 const float *x_addr = &x[b * x_size]; in FilterGrad8Arm()
243 int x_size = in_h * in_w * in_ch; in FilterGrad4Arm() local
252 const float *x_addr = &x[b * x_size]; in FilterGrad4Arm()
293 int x_size = in_h * in_w * in_ch; in Filtergrad2Arm() local
302 const float *x_addr = &x[b * x_size]; in Filtergrad2Arm()
[all …]
/third_party/mindspore/mindspore/ccsrc/minddata/dataset/kernels/image/
Dresize_cubic_op.cc207 bool ImageInterpolation(LiteMat input, LiteMat &output, int x_size, int y_size, struct interpolatio… in ImageInterpolation() argument
214 horizontal_interp = x_size != input.width_ || rect[2] != x_size || rect[0]; in ImageInterpolation()
217 …horiz_kernel = calc_coeff(input.width_, x_size, rect[0], rect[2], interp, horiz_region, horiz_coef… in ImageInterpolation()
237 temp.Init(x_size, rect_y1 - rect_y0, 3, LDataType::UINT8, false); in ImageInterpolation()
276 int x_size = dst_w, y_size = dst_h; in ResizeCubic() local
281 bool res = ImageInterpolation(input, output, x_size, y_size, &interp, rect); in ResizeCubic()
Dresize_cubic_op.h49 bool ImageInterpolation(LiteMat input, LiteMat &output, int x_size, int y_size, struct interpolatio…
/third_party/mindspore/mindspore/core/ops/
Dcdist.cc33 auto x_size = x_shape.size(); in InferShape() local
35 if (x_size != y_size) { in InferShape()
38 CheckAndConvertUtils::CheckInRange("input_x dim", x_size, kIncludeBoth, {2, 3}, "Cdist"); in InferShape()
Ddropout_do_mask.cc51 int64_t x_size = 1; in InferShape() local
53 x_size *= x_shape_vector[i]; in InferShape()
59 if (x_size > mask_size) { in InferShape()
Dlrn.cc81 const int64_t x_size = 4; in InferShape() local
83 …(void)CheckAndConvertUtils::CheckInteger("x rank", SizeToLong(in_shape.size()), kEqual, x_size, pr… in InferShape()
Dbias_add.cc50 const int64_t x_size = 2; in InferShape() local
51 …ertUtils::CheckInteger("x rank", SizeToLong(input_shape.size()), kGreaterEqual, x_size, prim_name); in InferShape()
Davg_pool.cc86 const int64_t x_size = 4; in InferShape() local
88 …(void)CheckAndConvertUtils::CheckInteger("x_rank", SizeToLong(in_shape.size()), kEqual, x_size, op… in InferShape()
/third_party/mindspore/mindspore/core/ops/grad/
Dcdist_grad.cc36 auto x_size = x_shape.size(); in InferShape() local
39 if (x_size != y_size) { in InferShape()
42 CheckAndConvertUtils::CheckInRange("input_x dim", x_size, kIncludeBoth, {2, 3}, "CdistGrad"); in InferShape()
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/
Dbias_add_gpu_kernel.h147 size_t x_size, b_size; in InitSizeLists() local
148 CHECK_CUDNN_RET_WITH_EXCEPT(kernel_node_, cudnnGetTensorSizeInBytes(x_desc_, &x_size), in InitSizeLists()
152 input_size_list_.push_back(x_size); in InitSizeLists()
154 output_size_list_.push_back(x_size); in InitSizeLists()
Dlstm_grad_weight_gpu_kernel.h185 size_t x_size = IntToSize(seq_len_ * batch_size_ * input_size_) * sizeof(T); in InitSizeLists() local
191 input_size_list_.push_back(x_size); in InitSizeLists()
Dlstm_gpu_kernel.h234 size_t x_size = IntToSize(seq_len_ * batch_size_ * input_size_) * sizeof(T); in InitSizeLists() local
239 input_size_list_.push_back(x_size); in InitSizeLists()
Dlstm_grad_data_gpu_kernel.h247 size_t x_size = IntToSize(seq_len_ * batch_size_ * input_size_) * sizeof(T); in InitSizeLists() local
248 output_size_list_.push_back(x_size); in InitSizeLists()
/third_party/boost/libs/math/example/
Dlambert_w_graph.cpp89 .x_size(400) in main()
144 .x_size(400) in main()
205 .x_size(400) in main()
249 .x_size(400) in main()
/third_party/mbedtls/library/
Ddhm.c206 static int dhm_make_common( mbedtls_dhm_context *ctx, int x_size, in dhm_make_common() argument
214 if( x_size < 0 ) in dhm_make_common()
217 if( (unsigned) x_size < mbedtls_mpi_size( &ctx->P ) ) in dhm_make_common()
219 MBEDTLS_MPI_CHK( mbedtls_mpi_fill_random( &ctx->X, x_size, f_rng, p_rng ) ); in dhm_make_common()
247 int mbedtls_dhm_make_params( mbedtls_dhm_context *ctx, int x_size, in mbedtls_dhm_make_params() argument
260 ret = dhm_make_common( ctx, x_size, f_rng, p_rng ); in mbedtls_dhm_make_params()
338 int mbedtls_dhm_make_public( mbedtls_dhm_context *ctx, int x_size, in mbedtls_dhm_make_public() argument
351 ret = dhm_make_common( ctx, x_size, f_rng, p_rng ); in mbedtls_dhm_make_public()
/third_party/mbedtls/include/mbedtls/
Ddhm.h198 int mbedtls_dhm_make_params( mbedtls_dhm_context *ctx, int x_size,
265 int mbedtls_dhm_make_public( mbedtls_dhm_context *ctx, int x_size,
/third_party/mindspore/tests/mindspore_test_framework/utils/
Dcheck_gradient.py196 x_size = np.product(x_shape)
197 for row in self.sampling(list(range(x_size))):
243 x_size = np.product(x_shape)
246 numeric_jacobian = np.zeros((x_size, dy_size), dtype=self.to_numpy(x).dtype)
247 for row in range(x_size):
259 theoretical_jacobian = np.zeros((x_size, dy_size), dtype=self.to_numpy(x).dtype)
/third_party/boost/libs/gil/test/core/algorithm/
Dstd_uninitialized_fill.cpp37 pixel_array(std::size_t x_size = default_x_size, std::size_t y_size = default_y_size) in pixel_array()
38 : pixels_(new Pixel[x_size * y_size]) in pixel_array()
39 , x_size_(x_size) in pixel_array()
/third_party/boost/libs/math/tools/
Dlambert_w_errors_graph.cpp122 .x_size(400) in main()
216 .x_size(400) in main()
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/
Dbatchnorm_fold2_grad_gpu_kernel.h71 size_t x_size = batch_size_ * channel_ * height_ * width_ * sizeof(T); in Launch() local
79 …cudaMemcpyAsync(d_x, dout, x_size, cudaMemcpyDeviceToDevice, reinterpret_cast<cudaStream_t>(stream… in Launch()
/third_party/python/Objects/
Dlongobject.c2740 Py_ssize_t a_size, a_bits, shift_digits, shift_bits, x_size; in _PyLong_Frexp() local
2793 x_size = shift_digits; in _PyLong_Frexp()
2794 rem = v_lshift(x_digits + x_size, a->ob_digit, a_size, in _PyLong_Frexp()
2796 x_size += a_size; in _PyLong_Frexp()
2797 x_digits[x_size++] = rem; in _PyLong_Frexp()
2804 x_size = a_size - shift_digits; in _PyLong_Frexp()
2818 assert(1 <= x_size && x_size <= (Py_ssize_t)Py_ARRAY_LENGTH(x_digits)); in _PyLong_Frexp()
2822 dx = x_digits[--x_size]; in _PyLong_Frexp()
2823 while (x_size > 0) in _PyLong_Frexp()
2824 dx = dx * PyLong_BASE + x_digits[--x_size]; in _PyLong_Frexp()
[all …]
/third_party/mindspore/tests/vm_impl/
Dnn_ops_vm_impl.py239 def vm_impl(dout, w, x_size): argument
242 dx = vm.conv2d_backprop_input(dout, x_size, w, self.stride, self.pad)

12