Home
last modified time | relevance | path

Searched refs:x_size (Results 1 – 16 of 16) 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.cc91 int x_size = num * height * width * channels; in RunAvePoolBackwardNHWC() local
92 CudaLaunchConfig config = GetCudaLaunchConfig(x_size, d); in RunAvePoolBackwardNHWC()
/external/tensorflow/tensorflow/python/ops/
Dgradient_checker.py87 x_size = _product(x_shape)
93 jacobian = np.zeros((x_size, dy_size),
167 x_size = _product(x_shape) * (2 if x.dtype.is_complex else 1)
176 jacobian = np.zeros((x_size, y_size), dtype=x_dtype)
180 for row in range(x_size):
/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/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.c2740 Py_ssize_t a_size, a_bits, shift_digits, shift_bits, x_size; in _PyLong_Frexp() local
2792 x_size = 0; in _PyLong_Frexp()
2793 while (x_size < shift_digits) in _PyLong_Frexp()
2794 x_digits[x_size++] = 0; in _PyLong_Frexp()
2795 rem = v_lshift(x_digits + x_size, a->ob_digit, a_size, in _PyLong_Frexp()
2797 x_size += a_size; in _PyLong_Frexp()
2798 x_digits[x_size++] = rem; in _PyLong_Frexp()
2805 x_size = a_size - shift_digits; in _PyLong_Frexp()
2819 assert(1 <= x_size && x_size <= (Py_ssize_t)Py_ARRAY_LENGTH(x_digits)); in _PyLong_Frexp()
2823 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/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/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/kernel-headers/original/uapi/linux/
Dcoff.h277 char x_size[2]; /* str/union/array size */ member
/external/ImageMagick/coders/
Ddpx.c255 x_size, member
885 dpx.orientation.x_size=ReadBlobLong(image); in ReadDPXImage()
887 if (dpx.orientation.x_size != ~0U) in ReadDPXImage()
889 dpx.orientation.x_size); in ReadDPXImage()
1718 dpx.orientation.x_size=0U; in WriteDPXImage()
1721 dpx.orientation.x_size=(unsigned int) StringToUnsignedLong(value); in WriteDPXImage()
1722 offset+=WriteBlobLong(image,dpx.orientation.x_size); in WriteDPXImage()
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
Dcudnn_rnn_test.py953 x_size = x_data.size
956 numeric_grad = np.zeros(x_size, dtype=x_data.dtype)
958 for i in range(0, x_size, step):
960 if x_size == 1:
968 if x_size == 1:
/external/tensorflow/tensorflow/core/grappler/costs/
Dvirtual_scheduler_test.cc1743 const int x_size = batch_size_ * width_ * height_ * depth_in_; in TEST_F() local
1745 4 * (2 * x_size /* x and bn.y */ + depth_in_ /* bn.var */ + in TEST_F()