Home
last modified time | relevance | path

Searched refs:out_shape (Results 1 – 25 of 67) sorted by relevance

123

/external/tensorflow/tensorflow/python/ops/
Dimage_grad_test.py39 out_shape = [1, 4, 6, 1]
47 out_shape[1:3])
48 self.assertEqual(out_shape, list(resize_out.get_shape()))
51 self.assertEqual(out_shape, list(resize_out.shape))
56 out_shape = [1, 4, 6, 1]
64 out_shape[1:3])
66 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
72 out_shape = [1, 2, 3, 1]
80 out_shape[1:3])
82 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
[all …]
/external/tensorflow/tensorflow/python/profiler/internal/
Dflops_registry.py142 out_shape = graph_util.tensor_shape_from_node_def_name(graph, node.name)
143 out_shape.assert_is_fully_defined()
144 return ops.OpStats("flops", out_shape.num_elements() * ops_per_element)
245 out_shape = graph_util.tensor_shape_from_node_def_name(graph, node.name)
246 out_shape.assert_is_fully_defined()
248 + out_shape.num_elements() * (finalize_flops - reduce_flops))
317 out_shape = graph_util.tensor_shape_from_node_def_name(graph, node.name)
318 out_shape.assert_is_fully_defined()
321 return ops.OpStats("flops", kernel_area * out_shape.num_elements())
398 out_shape = graph_util.tensor_shape_from_node_def_name(graph, node.name)
[all …]
/external/tensorflow/tensorflow/core/kernels/
Ddiag_op.cc53 TensorShape out_shape; in Compute() local
55 out_shape.AddDim(diagonal.dim_size(i)); in Compute()
58 out_shape.AddDim(diagonal.dim_size(i)); in Compute()
62 context->allocate_output(0, out_shape, &output_tensor)); in Compute()
93 TensorShape out_shape; in Compute() local
95 out_shape.AddDim(tensor.dim_size(i)); in Compute()
99 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
101 Status s = diagPartFunc(context, out_shape.num_elements(), in Compute()
Ddecode_raw_op.cc52 TensorShape out_shape = input.shape(); in Compute() local
54 out_shape.AddDim(0); in Compute()
56 OP_REQUIRES_OK(context, context->allocate_output("output", out_shape, in Compute()
66 out_shape.AddDim(added_dim); in Compute()
69 context, context->allocate_output("output", out_shape, &output_tensor)); in Compute()
Ddeterminant_op.cc149 TensorShape out_shape; in ComputeAsync() local
151 out_shape.AddDim(input.dim_size(dim)); in ComputeAsync()
153 out_shape.AppendShape(TensorShape({})); in ComputeAsync()
155 OP_REQUIRES_OK_ASYNC(context, context->allocate_output(0, out_shape, &out), in ComputeAsync()
289 TensorShape out_shape; in ComputeAsync() local
291 out_shape.AddDim(input.dim_size(dim)); in ComputeAsync()
293 out_shape.AppendShape(TensorShape({})); in ComputeAsync()
295 OP_REQUIRES_OK_ASYNC(context, context->allocate_output(0, out_shape, &sign), in ComputeAsync()
299 context, context->allocate_output(1, out_shape, &log_abs_det), done); in ComputeAsync()
Dmkl_batch_matmul_op.cc68 TensorShape out_shape; in Compute() local
75 out_shape.AddDim(lhs.dim_size(i)); in Compute()
77 auto batch_size = (ndims == 2) ? 1 : out_shape.num_elements(); in Compute()
89 out_shape.AddDim(lhs_rows); in Compute()
90 out_shape.AddDim(rhs_cols); in Compute()
92 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, out_shape, &out)); in Compute()
Dnth_element_op.cc67 TensorShape out_shape; in Compute() local
69 out_shape.AddDim(input_in.dim_size(i)); in Compute()
73 context->allocate_output(0, out_shape, &output_tensor)); in Compute()
Dextract_image_patches_op.cc97 TensorShape out_shape(out_sizes); in Compute() local
100 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
103 if (out_shape.num_elements() == 0) { in Compute()
Dextract_volume_patches_op.cc124 TensorShape out_shape(out_sizes); in Compute() local
127 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
130 if (out_shape.num_elements() == 0) { in Compute()
Dmaxpooling_op.cc789 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local
792 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
867 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local
870 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
930 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local
933 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
935 OP_REQUIRES_OK(context, context->allocate_output(1, out_shape, &argmax)); in Compute()
1044 TensorShape out_shape({params.tensor_in_batch, params.tensor_in_rows, in Compute() local
1048 {0}, 0, out_shape, &grad_out)); in Compute()
1097 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local
[all …]
Dreduction_ops_common.h95 TensorShape out_shape() const;
164 if (!out.CopyFrom(data, helper.out_shape())) {
239 if (!out.CopyFrom(tmp_out, helper.out_shape())) {
Dcudnn_pooling_gpu.cc42 const auto out_shape = output->shape(); in Compute() local
65 ShapeFromFormat(FORMAT_NCHW, out_shape, data_format), in Compute()
89 GetTensorDim(out_shape, data_format, '2' - i)); in Compute()
Ddepthwise_conv_op.cc355 TensorShape out_shape = in Compute() local
360 FastBoundsCheck(out_shape.num_elements(), in Compute()
365 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
368 if (out_shape.num_elements() == 0) { in Compute()
Dbatch_matmul_op_impl.h553 TensorShape out_shape;
560 out_shape.AddDim(in0.dim_size(i));
562 auto n = (ndims == 2) ? 1 : out_shape.num_elements();
578 out_shape.AddDim(d0);
579 out_shape.AddDim(d3);
581 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, out_shape, &out));
/external/eigen/unsupported/test/
Dcxx11_tensor_argmax_cuda.cu79 array<DenseIndex, 3> out_shape; in test_cuda_argmax_dim() local
80 for (int d = 0; d < 3; ++d) out_shape[d] = (d < dim) ? dims[d] : dims[d+1]; in test_cuda_argmax_dim()
82 Tensor<DenseIndex, 3, DataLayout> tensor_arg(out_shape); in test_cuda_argmax_dim()
112 Eigen::TensorMap<Eigen::Tensor<DenseIndex, 3, DataLayout>, Aligned > gpu_out(d_out, out_shape); in test_cuda_argmax_dim()
168 array<DenseIndex, 3> out_shape; in test_cuda_argmin_dim() local
169 for (int d = 0; d < 3; ++d) out_shape[d] = (d < dim) ? dims[d] : dims[d+1]; in test_cuda_argmin_dim()
171 Tensor<DenseIndex, 3, DataLayout> tensor_arg(out_shape); in test_cuda_argmin_dim()
201 Eigen::TensorMap<Eigen::Tensor<DenseIndex, 3, DataLayout>, Aligned > gpu_out(d_out, out_shape); in test_cuda_argmin_dim()
/external/tensorflow/tensorflow/core/kernels/neon/
Dneon_depthwise_conv_op.cc97 TensorShape out_shape({batch, out_rows, out_cols, out_depth}); in Compute() local
100 FastBoundsCheck(out_shape.num_elements(), in Compute()
107 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute()
118 if (out_shape.num_elements() == 0) { in Compute()
138 output_ptr, ToNeonDims(out_shape)); in Compute()
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dgather_op.cc73 TensorShape out_shape; in XlaGather() local
74 out_shape.AppendShape(input_shape_pre_axis); in XlaGather()
75 out_shape.AppendShape(indices_shape_no_index_vectors); in XlaGather()
76 out_shape.AppendShape(input_shape_post_axis); in XlaGather()
79 xla::Broadcast(XlaHelpers::Zero(builder, dtype), out_shape.dim_sizes()); in XlaGather()
/external/tensorflow/tensorflow/core/ops/
Dbatch_ops.cc84 shape_inference::ShapeHandle out_shape; in __anon130e45de0202() local
86 c->ReplaceDim(c->input(0), 0, c->UnknownDim(), &out_shape)); in __anon130e45de0202()
87 c->set_output(0, out_shape); in __anon130e45de0202()
/external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/
Ddata_feeder.py71 def out_el_shape(out_shape, num_classes): argument
72 out_shape = list(out_shape[1:]) if len(out_shape) > 1 else []
74 if out_shape and out_shape[0] == 1:
75 out_shape = out_shape[1:]
77 return [batch_size] + out_shape + [num_classes]
79 return [batch_size] + out_shape
/external/tensorflow/tensorflow/python/kernel_tests/
Dextract_volume_patches_grad_test.py76 out_shape = out_val.get_shape().as_list()
79 out_val, out_shape)
Dextract_image_patches_grad_test.py99 out_shape = out_val.get_shape().as_list()
102 out_val, out_shape)
Dunstack_op_test.py97 out_shape = list(shape)
98 del out_shape[1]
104 out_shape)
Dcudnn_determinism_test.py63 out_shape = conv_op.get_shape()
64 out_op = self._random_data_op(out_shape)
Dmorphological_ops_test.py220 out_shape = self.evaluate(out_tensor).shape
226 out_shape, [image_init, kernel_init],
496 out_shape = self.evaluate(out_tensor).shape
502 out_shape, [image_init, kernel_init],
/external/tensorflow/tensorflow/lite/toco/graph_transformations/
Dmerge_reshape_into_preceding_transpose.cc67 std::vector<int> out_shape = output_array.shape().dims(); in ReshapeToTranspose() local
86 for (const auto val : out_shape) { in ReshapeToTranspose()

123