HomeSort by relevance Sort by last modified time
    Searched refs:reshape (Results 126 - 150 of 522) sorted by null

1 2 3 4 56 7 8 91011>>

  /external/tensorflow/tensorflow/python/kernel_tests/
fractional_avg_pool_op_test.py 248 ]).reshape((1, 3, 4, 1))
251 mat.reshape(tensor_shape), [1, math.sqrt(3), math.sqrt(2), 1],
382 return x.reshape(shape)
406 1000).reshape(output_data.shape)
445 1000).reshape(output_data.shape)
490 x_init_value=input_data.reshape(input_shape),
523 x_init_value=input_data.reshape(input_shape),
552 x_init_value=input_data.reshape(input_shape),
fractional_max_pool_op_test.py 367 return x.reshape(shape)
475 x_init_value=input_data.reshape(input_shape),
510 x_init_value=input_data.reshape(input_shape),
541 x_init_value=input_data.reshape(input_shape),
576 expected_input_backprop_not_overlapping = np.reshape(
582 expected_input_backprop_overlapping = np.reshape(
603 np.reshape(expected_input_backprop_not_overlapping, input_size), r)
613 np.reshape(expected_input_backprop_overlapping, input_size), r)
summary_image_op_test.py 63 scale = 255 / const.reshape(4, -1).max(axis=1)
66 scale = 127 / np.abs(const.reshape(4, -1)).max(axis=1)
compare_and_bitpack_op_test.py 52 # np.packbits flattens the tensor, so we reshape it back to the
54 truth = np.packbits(x > threshold).reshape(rows, cols)
topk_op_test.py 114 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
128 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
142 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
157 np.linspace(0, 3, b * n, dtype=np.int32)).reshape(b, n)
  /external/tensorflow/tensorflow/python/ops/
quantized_conv_ops_test.py 56 x1 = x1.astype(np.uint8).reshape(tensor_in_sizes)
60 x2 = x2.astype(np.uint8).reshape(filter_in_sizes)
  /external/eigen/unsupported/test/
cxx11_tensor_forced_eval.cpp 65 Tensor<float, 2> output_tensor= (input_tensor - input_tensor.maximum(depth_dim).eval().reshape(dims2d).broadcast(bcast));
  /external/tensorflow/tensorflow/compiler/tests/
pooling_ops_3d_test.py 64 x = x.reshape(input_sizes)
141 input_data = np.arange(1, 5 * 27 * 27 * 64 + 1).reshape((5, 27, 27, 64))
205 x = np.arange(1, total_size + 1, dtype=np.float32).reshape(input_sizes)
220 output_gradient_vals = output_gradient_vals.reshape(output_vals.shape)
scatter_nd_op_test.py 37 return tensor.reshape(
44 return tensor.reshape(
57 flat_updates = updates.reshape((num_updates, slice_size))
63 return output_flat.reshape(ref.shape)
gather_nd_op_test.py 122 self.assertAllEqual(params[[3, 2, 1, 4, 4, 0]].reshape(2, 3, 2, 2),
140 indices_reshaped = indices.reshape([10, 10, 20, 5])
143 self.assertAllEqual(expected.reshape([10, 10, 20]), gather_nd_val)
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
sigmoid_test.py 36 x = np.linspace(-10., 10., 100).reshape([2, 5, 10]).astype(np.float32)
  /external/tensorflow/tensorflow/contrib/gan/python/eval/python/
sliced_wasserstein_impl.py 42 ], [4, 16, 24, 16, 4], [1, 4, 6, 4, 1]]).reshape([5, 5, 1, 1]) / 256.0
60 xt = array_ops.reshape(xt, [s[0] * s[3], s[1] + 4, s[2] + 4, 1])
62 conv_xt = array_ops.reshape(conv_out, [s[0], s[3], s[1], s[2]])
129 return array_ops.reshape(patches, [array_ops.shape(patches)[0], -1])
  /external/tensorflow/tensorflow/contrib/gan/python/features/python/
conditioning_utils_impl.py 71 mapped_conditioning = array_ops.reshape(
  /external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/
cifar10_pruning.py 235 reshape = tf.reshape(pool2, [BATCH_SIZE, -1])
236 dim = reshape.get_shape()[1].value
241 tf.matmul(reshape, pruning.apply_mask(weights, scope)) + biases,
  /external/tensorflow/tensorflow/contrib/opt/python/training/
external_optimizer.py 110 var.assign(array_ops.reshape(placeholder, _get_shape_tuple(var)))
256 return array_ops.reshape(tensors[0], [-1])
258 flattened = [array_ops.reshape(tensor, [-1]) for tensor in tensors]
271 var: x[packing_slice].reshape(_get_shape_tuple(var))
  /external/tensorflow/tensorflow/contrib/sparsemax/python/kernel_tests/
sparsemax_test.py 53 tau_z = ((tau_sum - 1) / k_z).reshape(-1, 1)
108 epsilon = (0.99 * gamma_z * 1).reshape(-1, 1)
141 z[i, per].reshape(1, -1), dtype, use_gpu)
142 p_expected = p[i, per].reshape(1, -1)
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
test_utils.py 66 indices = array_ops.reshape(math_ops.range(num_windows), [num_windows, 1])
70 increments = array_ops.reshape(math_ops.range(self._window_size), [1, -1])
71 all_indices = array_ops.reshape(indices + increments, [-1])
72 # Select the appropriate elements in the batch and reshape the output to 3D.
74 key: array_ops.reshape(
  /external/tensorflow/tensorflow/core/kernels/
tile_ops_impl.h 64 out.device(d) = in.sum(reduce_dim).reshape(reshape_dim);
  /external/tensorflow/tensorflow/examples/learn/
boston.py 59 y_predicted = y_predicted.reshape(np.array(y_test).shape)
iris_run_config.py 59 y_predicted = y_predicted.reshape(np.array(y_test).shape)
  /external/tensorflow/tensorflow/python/layers/
maxout.py 109 gen_array_ops.reshape(inputs, shape), -1, keepdims=False)
  /cts/apps/CameraITS/tests/scene1/
test_capture_result.py 97 xs = numpy.array([range(w_map)] * h_map).reshape(h_map, w_map)
98 ys = numpy.array([[i]*w_map for i in range(h_map)]).reshape(
100 zs = numpy.array(lsc_map[ch::4]).reshape(h_map, w_map)
  /external/tensorflow/tensorflow/compiler/xla/tests/
multioutput_fusion_test.cc 137 HloInstruction* reshape = local
144 ShapeUtil::MakeShape(F32, {1}), sub, reshape, dot_dnums));
156 TF_CHECK_OK(reshape->ReplaceOperandWith(0, gte1));
  /external/tensorflow/tensorflow/contrib/image/python/kernel_tests/
image_ops_test.py 51 image = array_ops.reshape(
73 image = array_ops.reshape(
140 # >>> scipy.ndimage.rotate(image, 45, order=1, reshape=False)
210 distance_mat_np = np.array(distance_mat, dtype=np.float32).reshape(
  /external/tensorflow/tensorflow/contrib/lite/kernels/internal/optimized/
eigen_spatial_convolutions.h 220 .reshape(pre_contract_dims)
221 .contract(kernel.reshape(kernel_dims), contract_dims)
222 .reshape(post_contract_dims);

Completed in 447 milliseconds

1 2 3 4 56 7 8 91011>>