Home
last modified time | relevance | path

Searched refs:image_shape (Results 1 – 16 of 16) sorted by relevance

/external/tensorflow/tensorflow/python/kernel_tests/
Dmorphological_ops_test.py185 def _ConstructAndTestGradient(self, image_shape, kernel_shape, strides, rates, argument
197 assert image_shape[3] == kernel_shape[2]
200 image = np.random.random_sample(image_shape).astype(np.float32)
206 image_tensor = constant_op.constant(image, shape=image_shape, name="input")
235 image_shape=[1, 3, 3, 1],
244 image_shape=[1, 3, 3, 1],
253 image_shape=[1, 3, 3, 2],
262 image_shape=[1, 3, 3, 1],
271 image_shape=[1, 3, 3, 1],
280 image_shape=[4, 3, 3, 1],
[all …]
/external/tensorflow/tensorflow/core/kernels/image/
Dextract_jpeg_shape_op.cc57 Tensor* image_shape = nullptr; in Compute() local
59 context->allocate_output(0, TensorShape({3}), &image_shape)); in Compute()
60 auto image_shape_data = image_shape->tensor<T, 1>(); in Compute()
/external/tensorflow/tensorflow/python/ops/
Dimage_ops_impl.py140 image_shape = image.get_shape().with_rank(3)
144 if require_static and not image_shape.is_fully_defined():
145 raise ValueError("'image' (shape %s) must be fully defined." % image_shape)
146 if any(x == 0 for x in image_shape):
147 raise ValueError("all dims of 'image.shape' must be > 0: %s" % image_shape)
148 if not image_shape.is_fully_defined():
220 image_shape = image.get_shape().with_rank(3)
222 image_shape = image.get_shape().with_rank_at_least(3)
226 if require_static and not image_shape.is_fully_defined():
228 if any(x == 0 for x in image_shape[-3:]):
[all …]
Dimage_grad.py41 image_shape = image.get_shape()[1:3]
43 image_shape = array_ops.shape(image)[1:3]
47 image_shape,
133 image_shape = image.get_shape().as_list()
135 image_shape = array_ops.shape(image)
141 grad, op.inputs[1], op.inputs[2], image_shape, T=op.get_attr("T"),
Dimage_grad_test_base.py433 image_shape = [batch, image_height, image_width, depth]
438 depth).reshape(image_shape).astype(np.float32)
443 constant_op.constant(image, shape=image_shape),
507 image_shape = [batch, image_height, image_width, depth]
511 depth).reshape(image_shape).astype(np.float32)
525 image_tensor = constant_op.constant(image, shape=image_shape)
Dimage_ops_test.py544 image_shape = [299, 299, 3]
554 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
574 image_shape = [299, 299, 3]
584 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
604 image_shape = [16, 299, 299, 3]
614 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
665 image_shape = [299, 299, 3]
674 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
708 image_shape = [299, 299, 3]
717 random_ops.random_uniform(image_shape, dtype=dtypes.float32) * 255,
[all …]
/external/tensorflow/tensorflow/python/eager/benchmarks/resnet50/
Dresnet50_graph_test.py33 def image_shape(batch_size): function
40 images = np.random.rand(*image_shape(batch_size)).astype(np.float32)
56 images = tf.placeholder(tf.float32, image_shape(None))
81 images = tf.placeholder(tf.float32, image_shape(None))
/external/tensorflow/tensorflow/python/profiler/internal/
Dflops_registry.py422 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.dims[-1].value * strides_product)))
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/
DExtractJpegShape.pbtxt8 name: "image_shape"
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/
DExtractJpegShape.pbtxt8 name: "image_shape"
/external/tensorflow/tensorflow/cc/gradients/
Dimage_grad.cc113 auto image_shape = Shape(scope, op.input(0)); in CropAndResizeGradHelper() local
115 scope, grad_inputs[0], op.input(1), op.input(2), image_shape, input_type, in CropAndResizeGradHelper()
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_ExtractJpegShape.pbtxt10 name: "image_shape"
/external/tensorflow/tensorflow/core/grappler/costs/
Dop_level_cost_estimator.cc938 auto image_shape = MaybeGetMinimumShape(original_image_shape, in ConvolutionDimensionsFromInputs() local
944 VLOG(2) << "Image shape: " << image_shape.DebugString(); in ConvolutionDimensionsFromInputs()
947 int64 batch = image_shape.dim(0).size(); in ConvolutionDimensionsFromInputs()
948 int64 ix = image_shape.dim(x_index).size(); in ConvolutionDimensionsFromInputs()
949 int64 iy = image_shape.dim(y_index).size(); in ConvolutionDimensionsFromInputs()
951 ? image_shape.dim(minor_channel_index).size() * in ConvolutionDimensionsFromInputs()
952 image_shape.dim(major_channel_index).size() in ConvolutionDimensionsFromInputs()
953 : image_shape.dim(major_channel_index).size(); in ConvolutionDimensionsFromInputs()
2128 auto image_shape = in OpDimensionsFromInputs() local
2130 VLOG(2) << "Image shape: " << image_shape.DebugString(); in OpDimensionsFromInputs()
[all …]
/external/tensorflow/tensorflow/go/op/
Dwrappers.go13146 …Shape(scope *Scope, contents tf.Output, optional ...ExtractJpegShapeAttr) (image_shape tf.Output) {
/external/tensorflow/tensorflow/core/ops/
Dops.pbtxt16057 name: "image_shape"
/external/tensorflow/tensorflow/core/ops/compat/
Dops_history.v2.pbtxt24966 name: "image_shape"