HomeSort by relevance Sort by last modified time
    Searched refs:image_shape (Results 1 - 18 of 18) sorted by null

  /external/tensorflow/tensorflow/contrib/gan/python/eval/python/
eval_utils_impl.py 34 def image_grid(input_tensor, grid_shape, image_shape=(32, 32), num_channels=3):
43 image_shape: Sequence of int. The shape of a single image,
59 num_features = image_shape[0] * image_shape[1] * num_channels
64 if (int(input_tensor.shape[1]) != image_shape[0] or
65 int(input_tensor.shape[2]) != image_shape[1] or
71 height, width = grid_shape[0] * image_shape[0], grid_shape[1] * image_shape[1]
73 input_tensor, tuple(grid_shape) + tuple(image_shape) + (num_channels,))
76 input_tensor, [grid_shape[0], width, image_shape[0], num_channels]
    [all...]
summaries_impl.py 76 image_shape=real_image_shape,
84 image_shape=generated_image_shape,
  /external/tensorflow/tensorflow/python/kernel_tests/
morphological_ops_test.py 184 def _ConstructAndTestGradient(self, image_shape, kernel_shape, strides, rates,
189 image_shape: Input shape, [batch, in_height, in_width, channels].
196 assert image_shape[3] == kernel_shape[2]
199 image = np.random.random_sample(image_shape).astype(np.float32)
201 image_init = np.random.random_sample(image_shape).astype(np.float32)
209 image, shape=image_shape, name="input")
223 [image_tensor, kernel_tensor], [image_shape, kernel_shape],
233 image_shape=[1, 3, 3, 1],
242 image_shape=[1, 3, 3, 1],
251 image_shape=[1, 3, 3, 2]
    [all...]
  /external/tensorflow/tensorflow/python/ops/
image_grad.py 40 image_shape = image.get_shape()[1:3]
42 image_shape = array_ops.shape(image)[1:3]
47 image_shape,
109 image_shape = image.get_shape().as_list()
111 image_shape = array_ops.shape(image)
119 image_shape,
image_ops_impl.py 129 image_shape = image.get_shape().with_rank(3)
133 if require_static and not image_shape.is_fully_defined():
134 raise ValueError("'image' (shape %s) must be fully defined." % image_shape)
135 if any(x == 0 for x in image_shape):
136 raise ValueError("all dims of 'image.shape' must be > 0: %s" % image_shape)
137 if not image_shape.is_fully_defined():
207 image_shape = image.get_shape().with_rank(3)
209 image_shape = image.get_shape().with_rank_at_least(3)
212 if require_static and not image_shape.is_fully_defined():
214 if any(x == 0 for x in image_shape)
    [all...]
image_grad_test.py 256 image_shape = [batch, image_height, image_width, depth]
261 depth).reshape(image_shape).astype(np.float32)
268 image, shape=image_shape),
334 image_shape = [batch, image_height, image_width, depth]
340 depth).reshape(image_shape).astype(np.float32)
355 image_tensor = constant_op.constant(image, shape=image_shape)
367 [image_tensor, boxes_tensor], [image_shape, boxes_shape],
image_ops_test.py 474 image_shape = [299, 299, 3]
484 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
504 image_shape = [299, 299, 3]
514 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
555 image_shape = [299, 299, 3]
565 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
599 image_shape = [299, 299, 3]
609 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
extract_jpeg_shape_op.cc 57 Tensor* image_shape = nullptr; variable
59 context->allocate_output(0, TensorShape({3}), &image_shape));
60 auto image_shape_data = image_shape->tensor<T, 1>();
  /external/tensorflow/tensorflow/contrib/slim/python/slim/data/
tfexample_decoder_test.py 77 def GenerateImage(self, image_format, image_shape):
82 image_shape: the shape of the image to generate.
90 num_pixels = image_shape[0] * image_shape[1] * image_shape[2]
92 0, num_pixels - 1, num=num_pixels).reshape(image_shape).astype(np.uint8)
137 image_shape = (2, 3, 3)
139 image_format='jpeg', image_shape=image_shape)
150 image_shape = (2, 3, channels
    [all...]
test_utils.py 62 def generate_image(image_shape, image_format='jpeg', label=0):
68 image_shape: the shape of the image to generate.
78 image = np.random.random_integers(0, 255, size=image_shape)
110 _, example = generate_image(image_shape=(10, 10, 3))
  /external/tensorflow/tensorflow/contrib/eager/python/examples/resnet50/
resnet50_graph_test.py 35 def image_shape(batch_size): function
42 images = np.random.rand(*image_shape(batch_size)).astype(np.float32)
56 images = tf.placeholder(tf.float32, image_shape(None))
70 images = tf.placeholder(tf.float32, image_shape(None), name='images')
115 images = tf.placeholder(tf.float32, image_shape(None))
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
independent_test.py 132 image_shape = [28, 28, 1]
134 batch_shape + image_shape).astype(np.float32) - 1
169 self.assertAllEqual(image_shape, ind_event_shape)
170 self.assertAllEqual(sample_shape + batch_shape + image_shape, x_shape)
  /external/tensorflow/tensorflow/python/profiler/internal/
flops_registry.py 421 # image_shape = [batch_size, image_y_dim, image_x_dim, input_depth]
422 image_shape = graph_util.tensor_shape_from_node_def_name(graph, node.input[0])
423 image_shape.assert_is_fully_defined()
431 (2 * image_shape.num_elements()
433 / (image_shape[-1].value * strides_product)))
  /external/tensorflow/tensorflow/contrib/image/python/kernel_tests/
distort_image_ops_test.py 257 image_shape = [299, 299, 3]
267 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
301 image_shape = [299, 299, 3]
311 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
normalization_test.py 105 image_shape = (10, height, width, 3)
106 images = random_ops.random_uniform(image_shape, seed=1)
layers_test.py     [all...]
  /external/tensorflow/tensorflow/core/grappler/costs/
op_level_cost_estimator.cc 463 auto image_shape = local
467 VLOG(2) << "Image shape: " << image_shape.DebugString();
481 int64 batch = image_shape.dim(0).size();
482 int64 ix = image_shape.dim(x_index).size();
483 int64 iy = image_shape.dim(y_index).size();
484 int64 iz = image_shape.dim(channel_index).size();
    [all...]
  /external/tensorflow/tensorflow/python/keras/_impl/keras/preprocessing/
image.py     [all...]

Completed in 782 milliseconds