/external/tensorflow/tensorflow/python/ops/ |
D | image_grad_test.py | 36 out_shape = [1, 4, 6, 1] 44 out_shape[1:3]) 45 self.assertEqual(out_shape, list(resize_out.get_shape())) 48 self.assertEqual(out_shape, list(resize_out.shape)) 52 out_shape = [1, 4, 6, 1] 60 out_shape[1:3]) 62 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 67 out_shape = [1, 2, 3, 1] 75 out_shape[1:3]) 77 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) [all …]
|
/external/tensorflow/tensorflow/python/profiler/internal/ |
D | flops_registry.py | 142 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/ |
D | diag_op.cc | 53 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()
|
D | decode_raw_op.cc | 52 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()
|
D | determinant_op.cc | 149 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()
|
D | mkl_batch_matmul_op.cc | 68 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()
|
D | nth_element_op.cc | 67 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()
|
D | extract_image_patches_op.cc | 97 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()
|
D | maxpooling_op.cc | 775 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 778 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute() 853 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 856 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute() 903 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local 906 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute() 908 OP_REQUIRES_OK(context, context->allocate_output(1, out_shape, &argmax)); in Compute() 961 TensorShape out_shape({params.tensor_in_batch, params.tensor_in_rows, in Compute() local 965 {1}, 0, out_shape, &grad_out)); in Compute() 1011 TensorShape out_shape({params.tensor_in_batch, params.out_height, in Compute() local [all …]
|
D | batch_matmul_op_impl.h | 461 TensorShape out_shape; 468 out_shape.AddDim(in0.dim_size(i)); 470 auto n = (ndims == 2) ? 1 : out_shape.num_elements(); 486 out_shape.AddDim(d0); 487 out_shape.AddDim(d3); 489 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, out_shape, &out));
|
D | reduction_ops_common.h | 95 TensorShape out_shape() const; 164 if (!out.CopyFrom(data, helper.out_shape())) { 239 if (!out.CopyFrom(tmp_out, helper.out_shape())) {
|
D | example_parsing_ops.cc | 449 TensorShape out_shape; in Compute() local 451 out_shape.AddDim(dim); in Compute() 453 OP_REQUIRES_OK(ctx, context_dense_values.allocate(d, out_shape, &out)); in Compute() 564 TensorShape out_shape; in Compute() local 568 out_shape.AddDim(fl.feature_size()); in Compute() 570 out_shape.AddDim(dim); in Compute() 574 feature_list_dense_values.allocate(d, out_shape, &out)); in Compute()
|
D | depthwise_conv_op.cc | 348 TensorShape out_shape = in Compute() local 353 FastBoundsCheck(out_shape.num_elements(), in Compute() 358 OP_REQUIRES_OK(context, context->allocate_output(0, out_shape, &output)); in Compute() 369 if (out_shape.num_elements() == 0) { in Compute()
|
D | cudnn_pooling_gpu.cc | 41 const auto out_shape = output->shape(); in Compute() local 64 ShapeFromFormat(FORMAT_NCHW, out_shape, data_format), in Compute() 88 GetTensorDim(out_shape, data_format, '2' - i)); in Compute()
|
D | mkl_matmul_op.cc | 66 TensorShape out_shape( in Compute() local 69 OP_REQUIRES_OK(ctx, ctx->allocate_output(0, out_shape, &out)); in Compute()
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_argmax_cuda.cu | 79 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/ |
D | neon_depthwise_conv_op.cc | 97 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/ |
D | gather_op.cc | 71 TensorShape out_shape; in XlaGather() local 72 out_shape.AppendShape(input_shape_pre_axis); in XlaGather() 73 out_shape.AppendShape(indices_shape); in XlaGather() 74 out_shape.AppendShape(input_shape_post_axis); in XlaGather() 79 out_shape.dim_sizes()); in XlaGather() 160 *gather_output = builder->Reshape(outputs[2], out_shape.dim_sizes()); in XlaGather()
|
/external/tensorflow/tensorflow/core/ops/ |
D | batch_ops.cc | 64 shape_inference::ShapeHandle out_shape; in __anona3c1e4520202() local 66 c->ReplaceDim(c->input(0), 0, c->UnknownDim(), &out_shape)); in __anona3c1e4520202() 67 c->set_output(0, out_shape); in __anona3c1e4520202()
|
/external/tensorflow/tensorflow/python/layers/ |
D | convolutional.py | 1669 out_shape = inputs.get_shape().as_list() 1670 out_shape[c_axis] = self.filters 1671 out_shape[h_axis] = utils.deconv_output_length(out_shape[h_axis], 1675 out_shape[w_axis] = utils.deconv_output_length(out_shape[w_axis], 1679 outputs.set_shape(out_shape) 1974 out_shape = inputs.get_shape().as_list() 1975 out_shape[c_axis] = self.filters 1976 out_shape[d_axis] = utils.deconv_output_length(out_shape[d_axis], 1980 out_shape[h_axis] = utils.deconv_output_length(out_shape[h_axis], 1984 out_shape[w_axis] = utils.deconv_output_length(out_shape[w_axis], [all …]
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/ |
D | data_feeder.py | 65 def out_el_shape(out_shape, num_classes): argument 66 out_shape = list(out_shape[1:]) if len(out_shape) > 1 else [] 68 if out_shape and out_shape[0] == 1: 69 out_shape = out_shape[1:] 71 return [batch_size] + out_shape + [num_classes] 73 return [batch_size] + out_shape
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | extract_image_patches_grad_test.py | 95 out_shape = out_val.get_shape().as_list() 98 out_val, out_shape)
|
D | unstack_op_test.py | 91 out_shape = list(shape) 92 del out_shape[1] 98 out_shape)
|
D | morphological_ops_test.py | 219 out_shape = out_tensor.eval().shape 225 out_shape, [image_init, kernel_init], 494 out_shape = out_tensor.eval().shape 500 out_shape, [image_init, kernel_init],
|
/external/tensorflow/tensorflow/core/util/sparse/ |
D | sparse_tensor.h | 375 const auto& out_shape = out->shape(); in ValidateAndInitializeToDense() local 376 if (shape_.size() != out_shape.dims()) return false; in ValidateAndInitializeToDense() 378 if (shape_[d] > out_shape.dim_size(d)) return false; in ValidateAndInitializeToDense() 398 const auto& out_shape = out->shape(); in ToDense() local 403 strides[d] = strides[d + 1] * out_shape.dim_size(d + 1); in ToDense() 411 if (!FastBoundsCheck(ix_n_d, out_shape.dim_size(d))) { in ToDense()
|