Home
last modified time | relevance | path

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

/external/webrtc/modules/audio_processing/aec3/
Dvector_math.h47 const int x_size = static_cast<int>(x.size()); in Sqrt() local
48 const int vector_limit = x_size >> 2; in Sqrt()
57 for (; j < x_size; ++j) { in Sqrt()
64 const int x_size = static_cast<int>(x.size()); in Sqrt() local
65 const int vector_limit = x_size >> 2; in Sqrt()
101 for (; j < x_size; ++j) { in Sqrt()
121 const int x_size = static_cast<int>(x.size()); in Multiply() local
122 const int vector_limit = x_size >> 2; in Multiply()
132 for (; j < x_size; ++j) { in Multiply()
139 const int x_size = static_cast<int>(x.size()); in Multiply() local
[all …]
Dmatched_filter.cc46 const int x_size = static_cast<int>(x.size()); in MatchedFilterCore_NEON() local
53 RTC_DCHECK_GT(x_size, x_start_index); in MatchedFilterCore_NEON()
66 std::min(h_size, static_cast<int>(x_size - x_start_index)); in MatchedFilterCore_NEON()
139 x_start_index = x_start_index > 0 ? x_start_index - 1 : x_size - 1; in MatchedFilterCore_NEON()
156 const int x_size = static_cast<int>(x.size()); in MatchedFilterCore_SSE2() local
163 RTC_DCHECK_GT(x_size, x_start_index); in MatchedFilterCore_SSE2()
176 std::min(h_size, static_cast<int>(x_size - x_start_index)); in MatchedFilterCore_SSE2()
253 x_start_index = x_start_index > 0 ? x_start_index - 1 : x_size - 1; in MatchedFilterCore_SSE2()
/external/tensorflow/tensorflow/python/tpu/
Ddevice_assignment.py187 def _open_ring_2d(x_size: int, y_size: int,
215 for j in range(1, x_size):
217 for j in range(x_size - 1, 0, -1):
224 def _ring_3d(x_size: int, y_size: int,
278 if x_size == 1 and y_size == 1:
280 if x_size == 1 and z_size == 1:
283 return [(i, 0, 0) for i in range(x_size)]
287 if (x_size > 1 and x_size % 2 != 0) or (y_size > 1 and
294 ret.extend((x, y, z) for x in range(x_size))
302 ret.extend(_open_ring_2d(x_size, y_size, 0))
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dlistdiff_op.cc47 const size_t x_size = Tx.size(); in Compute() local
51 OP_REQUIRES(context, x_size < std::numeric_limits<int32>::max(), in Compute()
63 for (size_t i = 0; i < x_size; ++i) { in Compute()
78 for (Tidx i = 0, p = 0; i < static_cast<Tidx>(x_size); ++i) { in Compute()
Dsdca_ops_test.cc89 const int x_size = num_examples * 4; in SparseExampleIndices() local
90 Tensor data(DT_INT64, TensorShape({x_size})); in SparseExampleIndices()
97 const int x_size = num_examples * 4; in SparseFeatureIndices() local
98 Tensor data(DT_INT64, TensorShape({x_size})); in SparseFeatureIndices()
Davgpooling_op_gpu.cu.cc90 int x_size = num * height * width * channels; in RunAvePoolBackwardNHWC() local
91 GpuLaunchConfig config = GetGpuLaunchConfig(x_size, d); in RunAvePoolBackwardNHWC()
/external/OpenCL-CTS/test_conformance/thread_dimensions/
Dtest_thread_dimensions.cpp560 cl_uint x_size, y_size, z_size; in test_thread_dimensions() local
567 x_size = min_x_size; in test_thread_dimensions()
568 while (x_size <= max_x_size) { in test_thread_dimensions()
570 … log_info("Base test size %s:\n", print_dimensions(x_size, y_size, z_size, dimensions)); in test_thread_dimensions()
575 final_x_size = x_size; in test_thread_dimensions()
624 …final_x_size = (int)get_random_float(0, (x_size/size_increase_per_iteration), d)+x_size/size_incre… in test_thread_dimensions()
788 if (x_size == max_x_size) in test_thread_dimensions()
790 x_size *= size_increase_per_iteration; in test_thread_dimensions()
791 if (x_size > max_x_size) in test_thread_dimensions()
792 x_size = max_x_size; in test_thread_dimensions()
/external/tensorflow/tensorflow/python/ops/
Dgradient_checker_v2.py155 x_size = _product(x_shape)
161 jacobian = np.zeros((y_size, x_size), dtype=x.dtype.real_dtype.as_numpy_dtype)
223 x_size = _product(x_shape) * (2 if x_dtype.is_complex else 1)
238 jacobian = np.zeros((y_size, x_size), dtype=x_dtype)
244 for col in range(x_size):
Dgradient_checker.py88 x_size = _product(x_shape)
94 jacobian = np.zeros((x_size, dy_size),
169 x_size = _product(x_shape) * (2 if x.dtype.is_complex else 1)
178 jacobian = np.zeros((x_size, y_size), dtype=x_dtype)
182 for row in range(x_size):
/external/libtextclassifier/native/lang_id/common/
Dembedding-network.cc80 const int x_size = x.size(); in SparseReluProductPlusBias() local
81 SAFTM_CHECK_EQ(weights.rows, x_size); in SparseReluProductPlusBias()
103 for (int i = 0; i < x_size; ++i) { in SparseReluProductPlusBias()
129 for (int i = 0; i < x_size; ++i) { in SparseReluProductPlusBias()
/external/tensorflow/tensorflow/cc/framework/
Dgradient_checker.cc161 const int64 x_size = x_shapes[x_idx].num_elements(); in ComputeTheoreticalJacobianTranspose() local
164 for (int r = 0; r < x_size; ++r) { in ComputeTheoreticalJacobianTranspose()
223 const int64 x_size = x_shapes[x_idx].num_elements(); in ComputeNumericJacobianTranspose() local
229 for (int r = 0; r < x_size; ++r) { in ComputeNumericJacobianTranspose()
308 const int64 x_size = in InitJacobians() local
316 Tensor jacobian_t(jacobian_type, {x_size, y_size}); in InitJacobians()
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dlistdiff_op.cc85 auto x_size = x_input.size(); in ListDiff() local
86 for (Tidx i = 0; i < x_size; ++i) { in ListDiff()
/external/tensorflow/tensorflow/compiler/tests/
Dlistdiff_op_test.py69 x_size = np.random.randint(max_size + 1)
70 x = np.random.randint(int_low, int_high, size=x_size)
/external/tensorflow/tensorflow/python/kernel_tests/
Dlistdiff_op_test.py90 x_size = np.random.randint(max_size + 1)
91 x = np.random.randint(int_low, int_high, size=x_size)
/external/tensorflow/tensorflow/lite/delegates/gpu/common/task/
Dwork_group_picking.cc189 int x_size = GetOptimalSizeForApple(grid_size.x); in GetWorkGroupSizeForApple() local
191 int z_size = std::max(1, 32 / (x_size * y_size)); in GetWorkGroupSizeForApple()
193 return {x_size, y_size, z_size}; in GetWorkGroupSizeForApple()
/external/python/cpython2/Objects/
Dlongobject.c2218 Py_ssize_t a_size, a_bits, shift_digits, shift_bits, x_size; in _PyLong_Frexp() local
2270 x_size = 0; in _PyLong_Frexp()
2271 while (x_size < shift_digits) in _PyLong_Frexp()
2272 x_digits[x_size++] = 0; in _PyLong_Frexp()
2273 rem = v_lshift(x_digits + x_size, a->ob_digit, a_size, in _PyLong_Frexp()
2275 x_size += a_size; in _PyLong_Frexp()
2276 x_digits[x_size++] = rem; in _PyLong_Frexp()
2283 x_size = a_size - shift_digits; in _PyLong_Frexp()
2297 assert(1 <= x_size && in _PyLong_Frexp()
2298 x_size <= (Py_ssize_t)(sizeof(x_digits)/sizeof(digit))); in _PyLong_Frexp()
[all …]
/external/python/cpython3/Objects/
Dlongobject.c2867 Py_ssize_t a_size, a_bits, shift_digits, shift_bits, x_size; in _PyLong_Frexp() local
2920 x_size = shift_digits; in _PyLong_Frexp()
2921 rem = v_lshift(x_digits + x_size, a->ob_digit, a_size, in _PyLong_Frexp()
2923 x_size += a_size; in _PyLong_Frexp()
2924 x_digits[x_size++] = rem; in _PyLong_Frexp()
2931 x_size = a_size - shift_digits; in _PyLong_Frexp()
2945 assert(1 <= x_size && x_size <= (Py_ssize_t)Py_ARRAY_LENGTH(x_digits)); in _PyLong_Frexp()
2949 dx = x_digits[--x_size]; in _PyLong_Frexp()
2950 while (x_size > 0) in _PyLong_Frexp()
2951 dx = dx * PyLong_BASE + x_digits[--x_size]; in _PyLong_Frexp()
[all …]
/external/llvm-project/llvm/test/CodeGen/Thumb2/
D2009-12-01-LoopIVUsers.ll6 define void @fred(i32 %three_by_three, i8* %in, double %dt1, i32 %x_size, i32 %y_size, i8* %bp) nou…
44 store i32 %x_size, i32* %x_size_addr
/external/llvm/test/CodeGen/Thumb2/
D2009-12-01-LoopIVUsers.ll6 define void @fred(i32 %three_by_three, i8* %in, double %dt1, i32 %x_size, i32 %y_size, i8* %bp) nou…
44 store i32 %x_size, i32* %x_size_addr
/external/kernel-headers/original/uapi/linux/
Dcoff.h280 char x_size[2]; /* str/union/array size */ member
/external/ImageMagick/coders/
Ddpx.c257 x_size, member
888 dpx.orientation.x_size=ReadBlobLong(image); in ReadDPXImage()
890 if (dpx.orientation.x_size != ~0U) in ReadDPXImage()
892 dpx.orientation.x_size); in ReadDPXImage()
1745 dpx.orientation.x_size=0U; in WriteDPXImage()
1748 dpx.orientation.x_size=(unsigned int) StringToUnsignedLong(value); in WriteDPXImage()
1749 offset+=WriteBlobLong(image,dpx.orientation.x_size); in WriteDPXImage()
/external/tensorflow/tensorflow/core/grappler/costs/
Dvirtual_scheduler_test.cc2631 const int x_size = batch_size_ * width_ * height_ * depth_in_; in TEST_F() local
2633 4 * (2 * x_size /* x and bn.y */ + depth_in_ /* bn.var */ + in TEST_F()