Home
last modified time | relevance | path

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

/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.cc92 int x_size = num * height * width * channels; in RunAvePoolBackwardNHWC() local
93 CudaLaunchConfig config = GetCudaLaunchConfig(x_size, d); in RunAvePoolBackwardNHWC()
/external/tensorflow/tensorflow/python/ops/
Dgradient_checker_v2.py152 x_size = _product(x_shape)
158 jacobian = np.zeros((x_size, y_size), dtype=x.dtype.real_dtype.as_numpy_dtype)
224 x_size = _product(x_shape) * (2 if x_dtype.is_complex else 1)
238 jacobian = np.zeros((x_size, y_size), dtype=x_dtype)
244 for row in range(x_size):
Dgradient_checker.py87 x_size = _product(x_shape)
93 jacobian = np.zeros((x_size, dy_size),
168 x_size = _product(x_shape) * (2 if x.dtype.is_complex else 1)
177 jacobian = np.zeros((x_size, y_size), dtype=x_dtype)
181 for row in range(x_size):
/external/libtextclassifier/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/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/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/python/cpython3/Objects/
Dlongobject.c2751 Py_ssize_t a_size, a_bits, shift_digits, shift_bits, x_size; in _PyLong_Frexp() local
2803 x_size = 0; in _PyLong_Frexp()
2804 while (x_size < shift_digits) in _PyLong_Frexp()
2805 x_digits[x_size++] = 0; in _PyLong_Frexp()
2806 rem = v_lshift(x_digits + x_size, a->ob_digit, a_size, in _PyLong_Frexp()
2808 x_size += a_size; in _PyLong_Frexp()
2809 x_digits[x_size++] = rem; in _PyLong_Frexp()
2816 x_size = a_size - shift_digits; in _PyLong_Frexp()
2830 assert(1 <= x_size && x_size <= (Py_ssize_t)Py_ARRAY_LENGTH(x_digits)); in _PyLong_Frexp()
2834 dx = x_digits[--x_size]; in _PyLong_Frexp()
[all …]
/external/tensorflow/tensorflow/contrib/labeled_tensor/python/ops/
Dcore_test.py262 self.x_size = 7
267 tensor = math_ops.range(0, self.x_size * self.channel_size * self.z_size *
270 tensor, [self.x_size, self.channel_size, self.z_size, self.probs_size])
271 a0 = ('x', range(self.x_size))
403 1, self.x_size, 1, self.channel_size, self.z_size, self.probs_size,
420 [self.x_size, self.channel_size, 1, self.z_size, self.probs_size]),
597 [self.x_size, 1, self.probs_size]),
777 self.x_probs_lt.tensor, [self.x_size, 1, self.probs_size])
Dops_test.py40 self.x_size = 7
45 tensor = math_ops.range(0, self.x_size * self.channel_size * self.z_size *
48 tensor, [self.x_size, self.channel_size, self.z_size, self.probs_size])
49 a0 = ('x', range(self.x_size))
256 array_ops.reshape(self.original_lt.tensor, [self.x_size, -1]),
264 array_ops.reshape(self.original_lt.tensor, [self.x_size, -1]),
282 array_ops.reshape(self.original_lt.tensor, [self.x_size, -1]),
824 golden_axes = [('x', self.x_size + 2),
/external/swiftshader/third_party/LLVM/test/CodeGen/Thumb2/
D2009-12-01-LoopIVUsers.ll4 define void @fred(i32 %three_by_three, i8* %in, double %dt1, i32 %x_size, i32 %y_size, i8* %bp) nou…
43 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/swiftshader/third_party/llvm-7.0/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.h277 char x_size[2]; /* str/union/array size */ member
/external/ImageMagick/coders/
Ddpx.c255 x_size, member
896 dpx.orientation.x_size=ReadBlobLong(image); in ReadDPXImage()
898 if (dpx.orientation.x_size != ~0U) in ReadDPXImage()
900 dpx.orientation.x_size); in ReadDPXImage()
1748 dpx.orientation.x_size=0U; in WriteDPXImage()
1751 dpx.orientation.x_size=(unsigned int) StringToUnsignedLong(value); in WriteDPXImage()
1752 offset+=WriteBlobLong(image,dpx.orientation.x_size); in WriteDPXImage()
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
Dcudnn_rnn_test.py1109 x_size = x_data.size
1112 numeric_grad = np.zeros(x_size, dtype=x_data.dtype)
1114 for i in range(0, x_size, step):
1116 if x_size == 1:
1124 if x_size == 1:
/external/u-boot/fs/yaffs2/
Dyaffs_guts.c3068 int x_size = dev->data_bytes_per_chunk - sizeof(struct yaffs_obj_hdr); in yaffs_apply_xattrib_mod() local
3073 nval_set(x_buffer, x_size, xmod->name, xmod->data, in yaffs_apply_xattrib_mod()
3076 retval = nval_del(x_buffer, x_size, xmod->name); in yaffs_apply_xattrib_mod()
3078 obj->has_xattr = nval_hasvalues(x_buffer, x_size); in yaffs_apply_xattrib_mod()
3093 int x_size = dev->data_bytes_per_chunk - sizeof(struct yaffs_obj_hdr); in yaffs_do_xattrib_fetch() local
3123 obj->has_xattr = nval_hasvalues(x_buffer, x_size); in yaffs_do_xattrib_fetch()
3128 retval = nval_get(x_buffer, x_size, name, value, size); in yaffs_do_xattrib_fetch()
3130 retval = nval_list(x_buffer, x_size, value, size); in yaffs_do_xattrib_fetch()
/external/tensorflow/tensorflow/core/grappler/costs/
Dvirtual_scheduler_test.cc2460 const int x_size = batch_size_ * width_ * height_ * depth_in_; in TEST_F() local
2462 4 * (2 * x_size /* x and bn.y */ + depth_in_ /* bn.var */ + in TEST_F()