/external/tensorflow/tensorflow/core/util/ |
D | image_resizer_state.h | 81 OP_REQUIRES( in ValidateAndCalculateOutputSize() 86 OP_REQUIRES(context, input.dims() == 4, in ValidateAndCalculateOutputSize() 90 OP_REQUIRES(context, shape_t.dims() == 1, in ValidateAndCalculateOutputSize() 93 OP_REQUIRES(context, shape_t.NumElements() == 2, in ValidateAndCalculateOutputSize() 100 OP_REQUIRES( in ValidateAndCalculateOutputSize() 110 OP_REQUIRES(context, out_height > 0 && out_width > 0, in ValidateAndCalculateOutputSize() 112 OP_REQUIRES( in ValidateAndCalculateOutputSize() 115 OP_REQUIRES( in ValidateAndCalculateOutputSize() 122 OP_REQUIRES(context, in ValidateAndCalculateOutputSize() 127 OP_REQUIRES( in ValidateAndCalculateOutputSize() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | decode_csv_op.cc | 33 OP_REQUIRES(ctx, out_type_.size() < std::numeric_limits<int>::max(), in DecodeCSVOp() 38 OP_REQUIRES( in DecodeCSVOp() 43 OP_REQUIRES(ctx, select_cols_[i - 1] < select_cols_[i], in DecodeCSVOp() 47 OP_REQUIRES( in DecodeCSVOp() 50 OP_REQUIRES(ctx, delim.size() == 1, in DecodeCSVOp() 64 OP_REQUIRES(ctx, record_defaults[i].dims() <= 1, in Compute() 67 OP_REQUIRES(ctx, record_defaults[i].NumElements() < 2, in Compute() 88 OP_REQUIRES(ctx, fields.size() == out_type_.size(), in Compute() 101 OP_REQUIRES(ctx, record_defaults[f].NumElements() == 1, in Compute() 109 OP_REQUIRES(ctx, strings::safe_strto32(fields[f], &value), in Compute() [all …]
|
D | ctc_loss_op.cc | 97 OP_REQUIRES(ctx, inputs->shape().dims() == 3, in Compute() 99 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(seq_len->shape()), in Compute() 101 OP_REQUIRES(ctx, TensorShapeUtils::IsMatrix(labels_indices->shape()), in Compute() 103 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(labels_values->shape()), in Compute() 110 OP_REQUIRES( in Compute() 115 OP_REQUIRES( in Compute() 122 OP_REQUIRES(ctx, labels_indices->dim_size(0) == labels_values->dim_size(0), in Compute() 129 OP_REQUIRES(ctx, batch_size != 0, in Compute() 147 OP_REQUIRES(ctx, labels_sp_valid.ok(), in Compute() 154 OP_REQUIRES(ctx, FastBoundsCheck(batch_indices, batch_size), in Compute() [all …]
|
D | avgpooling_op.cc | 61 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in AvgPoolingOp() 63 OP_REQUIRES( in AvgPoolingOp() 69 OP_REQUIRES(context, ksize_.size() == 4, in AvgPoolingOp() 73 OP_REQUIRES(context, stride_.size() == 4, in AvgPoolingOp() 77 OP_REQUIRES(context, ksize_[0] == 1 && stride_[0] == 1, in AvgPoolingOp() 82 OP_REQUIRES(context, ksize_[i] != 0, in AvgPoolingOp() 99 OP_REQUIRES(context, params.depth_window == 1, in Compute() 104 OP_REQUIRES(context, tensor_in.dims() == 4, in Compute() 139 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in AvgPoolingOp() 142 OP_REQUIRES(context, ksize_.size() == 4, in AvgPoolingOp() [all …]
|
D | maxpooling_op.cc | 67 OP_REQUIRES( in SpatialMaxPoolWithArgMaxHelper() 72 OP_REQUIRES( in SpatialMaxPoolWithArgMaxHelper() 226 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in MaxPoolingGradOp() 228 OP_REQUIRES( in MaxPoolingGradOp() 236 OP_REQUIRES(context, ksize_.size() == 4, in MaxPoolingGradOp() 240 OP_REQUIRES(context, stride_.size() == 4, in MaxPoolingGradOp() 243 OP_REQUIRES(context, ksize_[0] == 1 && stride_[0] == 1, in MaxPoolingGradOp() 246 OP_REQUIRES( in MaxPoolingGradOp() 268 OP_REQUIRES(context, tensor_in.dims() == 4, in Compute() 270 OP_REQUIRES(context, tensor_out.dims() == 4, in Compute() [all …]
|
D | training_ops.cc | 947 OP_REQUIRES( in Compute() 952 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha.shape()), in Compute() 956 OP_REQUIRES( in Compute() 1052 OP_REQUIRES( in DoValidate() 1056 OP_REQUIRES( in DoValidate() 1060 OP_REQUIRES( in DoValidate() 1070 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(lr.shape()), in DoValidate() 1074 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(rho.shape()), in DoValidate() 1078 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(epsilon.shape()), in DoValidate() 1082 OP_REQUIRES( in DoValidate() [all …]
|
D | list_kernels.h | 71 OP_REQUIRES( in Compute() 77 OP_REQUIRES(c, tensor_list->tensors().size() == num_elements_, in Compute() 86 OP_REQUIRES( in Compute() 109 OP_REQUIRES(c, partial_element_shape.AsTensorShape(&element_shape), in Compute() 171 OP_REQUIRES(c, element_dtype_ == l->element_dtype, in Compute() 177 OP_REQUIRES(c, index < l->tensors().size(), in Compute() 205 OP_REQUIRES( in Compute() 236 OP_REQUIRES(c, element_dtype_ == l->element_dtype, in Compute() 242 OP_REQUIRES(c, !l->tensors().empty(), in Compute() 253 OP_REQUIRES( in Compute() [all …]
|
D | reverse_sequence_op.cc | 56 OP_REQUIRES(context, batch_dim != seq_dim, in CheckErrors() 58 OP_REQUIRES(context, seq_dim < input.dims(), in CheckErrors() 61 OP_REQUIRES(context, batch_dim < input.dims(), in CheckErrors() 64 OP_REQUIRES( in CheckErrors() 71 OP_REQUIRES(context, seq_lens_vec[d] >= 0, in CheckErrors() 73 OP_REQUIRES(context, seq_lens_vec[d] <= input.dim_size(seq_dim), in CheckErrors() 83 OP_REQUIRES(context, batch_dim != seq_dim, in CheckErrorsGPU() 85 OP_REQUIRES(context, seq_dim < input.dims(), in CheckErrorsGPU() 88 OP_REQUIRES(context, batch_dim < input.dims(), in CheckErrorsGPU() 92 OP_REQUIRES( in CheckErrorsGPU() [all …]
|
D | sparse_slice_grad_op.cc | 36 OP_REQUIRES(ctx, in Compute() 44 OP_REQUIRES( in Compute() 49 OP_REQUIRES( in Compute() 55 OP_REQUIRES( in Compute() 61 OP_REQUIRES( in Compute() 67 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(input_start->shape()), in Compute() 73 OP_REQUIRES(ctx, num_dims == input_start->NumElements(), in Compute() 110 OP_REQUIRES( in Compute()
|
D | sequence_ops.cc | 40 OP_REQUIRES(context, in Compute() 46 OP_REQUIRES(context, in Compute() 52 OP_REQUIRES(context, in Compute() 61 OP_REQUIRES(context, delta != 0, in Compute() 64 OP_REQUIRES( in Compute() 69 OP_REQUIRES( in Compute() 130 OP_REQUIRES(context, TensorShapeUtils::IsScalar(start_in.shape()), in Compute() 133 OP_REQUIRES(context, TensorShapeUtils::IsScalar(stop_in.shape()), in Compute() 136 OP_REQUIRES(context, TensorShapeUtils::IsScalar(num_in.shape()), in Compute() 142 OP_REQUIRES(context, num > 0, in Compute()
|
D | sparse_slice_op.cc | 37 OP_REQUIRES(context, TensorShapeUtils::IsMatrix(input_indices.shape()), in Compute() 41 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_values.shape()), in Compute() 45 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_shape.shape()), in Compute() 49 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_start.shape()), in Compute() 53 OP_REQUIRES(context, TensorShapeUtils::IsVector(input_size.shape()), in Compute() 59 OP_REQUIRES(context, input_dims == input_start.NumElements(), in Compute() 64 OP_REQUIRES(context, input_dims == input_size.NumElements(), in Compute()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | training_ops.cc | 40 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha_shape), in Compile() 45 OP_REQUIRES( in Compile() 85 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha_shape), in Compile() 89 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha_shape), in Compile() 93 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha_shape), in Compile() 97 OP_REQUIRES( in Compile() 131 OP_REQUIRES(ctx, var_shape.IsSameSize(accum_shape), in Compile() 137 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(lr_shape), in Compile() 142 OP_REQUIRES(ctx, var_shape.IsSameSize(grad_shape), in Compile() 148 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(momentum_shape), in Compile() [all …]
|
D | pooling_ops.cc | 52 OP_REQUIRES(ctx, ksize_int.size() == num_dims(), in PoolingOp() 57 OP_REQUIRES(ctx, stride_int.size() == num_dims(), in PoolingOp() 159 OP_REQUIRES(ctx, FormatFromString(data_format_str, &data_format_), in MaxPoolOp() 161 OP_REQUIRES( in MaxPoolOp() 180 OP_REQUIRES(ctx, input_shape.dims() == num_dims(), in Compile() 218 OP_REQUIRES(ctx, FormatFromString(data_format_str, &data_format_), in AvgPoolOp() 232 OP_REQUIRES(ctx, input_shape.dims() == num_dims(), in Compile() 288 OP_REQUIRES( in Compile() 293 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(ksize_shape), in Compile() 300 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(stride_shape), in Compile() [all …]
|
D | split_op.cc | 41 OP_REQUIRES( in Compile() 50 OP_REQUIRES(ctx, 0 <= split_dim && split_dim < input_shape.dims(), in Compile() 56 OP_REQUIRES( in Compile() 61 OP_REQUIRES( in Compile() 108 OP_REQUIRES(ctx, index_shape.num_elements() == 1, in Compile() 116 OP_REQUIRES(ctx, 0 <= split_dim && split_dim < input_shape.dims(), in Compile() 124 OP_REQUIRES(ctx, input_shape.dims() > 0, in Compile() 127 OP_REQUIRES( in Compile() 136 OP_REQUIRES(ctx, in Compile() 152 OP_REQUIRES( in Compile() [all …]
|
D | bias_ops.cc | 34 OP_REQUIRES(ctx, FormatFromString(data_format, &data_format_), in BiasOp() 45 OP_REQUIRES(ctx, TensorShapeUtils::IsMatrixOrHigher(input_shape), in Compile() 48 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(bias_shape), in Compile() 56 OP_REQUIRES( in Compile() 60 OP_REQUIRES( in Compile() 83 OP_REQUIRES(ctx, FormatFromString(data_format, &data_format_), in BiasAddGradOp() 93 OP_REQUIRES(ctx, TensorShapeUtils::IsMatrixOrHigher(out_backprop_shape), in Compile() 101 OP_REQUIRES( in Compile()
|
D | data_format_ops.cc | 38 OP_REQUIRES(context, src_format.size() == 4 or src_format.size() == 5, in DataFormatDimMapOp() 43 OP_REQUIRES( in DataFormatDimMapOp() 58 OP_REQUIRES(context, dst_idx_[i] != -1, in DataFormatDimMapOp() 93 OP_REQUIRES( in DataFormatVecPermuteOp() 97 OP_REQUIRES(ctx, FormatFromString(src_format_, &data_format), in DataFormatVecPermuteOp() 100 OP_REQUIRES( in DataFormatVecPermuteOp() 103 OP_REQUIRES(ctx, FormatFromString(dst_format_, &data_format), in DataFormatVecPermuteOp() 110 OP_REQUIRES(ctx, input_rank == 1 || input_rank == 2, in Compile() 115 OP_REQUIRES( in Compile() 122 OP_REQUIRES( in Compile()
|
D | extract_image_patches_op.cc | 47 OP_REQUIRES( in Compile() 52 OP_REQUIRES(ctx, strides_.size() == num_dims, in Compile() 56 OP_REQUIRES(ctx, dilations_.size() == num_dims, in Compile() 63 OP_REQUIRES( in Compile() 68 OP_REQUIRES( in Compile() 72 OP_REQUIRES( in Compile() 79 OP_REQUIRES( in Compile() 84 OP_REQUIRES(ctx, strides_[input_dim] >= 1, in Compile() 88 OP_REQUIRES(ctx, dilations_[input_dim] >= 1, in Compile() 98 OP_REQUIRES( in Compile()
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | decode_image_op.cc | 85 OP_REQUIRES(context, in DecodeImageV2Op() 96 OP_REQUIRES(context, in DecodeImageV2Op() 111 OP_REQUIRES( in DecodeImageV2Op() 133 OP_REQUIRES( in DecodeImageV2Op() 141 OP_REQUIRES(context, in DecodeImageV2Op() 158 OP_REQUIRES( in DecodeImageV2Op() 188 OP_REQUIRES( in Compute() 193 OP_REQUIRES(context, !input.empty(), in Compute() 195 OP_REQUIRES(context, input.size() <= std::numeric_limits<int>::max(), in Compute() 214 OP_REQUIRES(context, false, in Compute() [all …]
|
D | encode_jpeg_op.cc | 43 OP_REQUIRES(context, false, in EncodeJpegOp() 49 OP_REQUIRES(context, 0 <= flags_.quality && flags_.quality <= 100, in EncodeJpegOp() 66 OP_REQUIRES(context, false, in EncodeJpegOp() 79 OP_REQUIRES(context, image.dims() == 3, in Compute() 83 OP_REQUIRES( in Compute() 104 OP_REQUIRES( in Compute() 115 OP_REQUIRES(context, channels == dim_size2, in Compute() 125 OP_REQUIRES(context, in Compute() 145 OP_REQUIRES(context, image.dims() == 3, in Compute() 149 OP_REQUIRES( in Compute() [all …]
|
D | encode_png_op.cc | 36 OP_REQUIRES(context, -1 <= compression_ && compression_ <= 9, in EncodePngOp() 41 OP_REQUIRES(context, dt == DataType::DT_UINT8 || dt == DataType::DT_UINT16, in EncodePngOp() 54 OP_REQUIRES(context, image.dims() == 3, in Compute() 57 OP_REQUIRES( in Compute() 68 OP_REQUIRES(context, FastBoundsCheck(width * channels, max_row_width), in Compute() 71 OP_REQUIRES(context, channels >= 1 && channels <= 4, in Compute() 80 OP_REQUIRES(context, in Compute() 87 OP_REQUIRES(context, in Compute()
|
D | sample_distorted_bounding_box_op.cc | 215 OP_REQUIRES( in SampleDistortedBoundingBoxBaseOp() 226 OP_REQUIRES(context, aspect_ratio_range_.size() == 2, in SampleDistortedBoundingBoxBaseOp() 230 OP_REQUIRES( in SampleDistortedBoundingBoxBaseOp() 237 OP_REQUIRES( in SampleDistortedBoundingBoxBaseOp() 241 OP_REQUIRES( in SampleDistortedBoundingBoxBaseOp() 246 OP_REQUIRES(context, area_range_[0] <= 1 && area_range_[1] <= 1, in SampleDistortedBoundingBoxBaseOp() 252 OP_REQUIRES(context, max_attempts_ > 0, in SampleDistortedBoundingBoxBaseOp() 260 OP_REQUIRES(context, image_size.dims() == 1, in DoCompute() 263 OP_REQUIRES(context, image_size.dim_size(0) == 3, in DoCompute() 270 OP_REQUIRES(context, in DoCompute() [all …]
|
D | non_max_suppression_op.cc | 45 OP_REQUIRES(context, scores.dims() == 1, in CheckScoreSizes() 49 OP_REQUIRES( in CheckScoreSizes() 60 OP_REQUIRES(context, overlaps.dims() == 2, in ParseAndCheckOverlapSizes() 65 OP_REQUIRES(context, overlaps.dim_size(1) == *num_boxes, in ParseAndCheckOverlapSizes() 73 OP_REQUIRES(context, boxes.dims() == 2, in ParseAndCheckBoxSizes() 78 OP_REQUIRES(context, boxes.dim_size(1) == 4, in ParseAndCheckBoxSizes() 88 OP_REQUIRES(context, scores.dims() == 3, in CheckCombinedNMSScoreSizes() 91 OP_REQUIRES(context, scores.dim_size(1) == num_boxes, in CheckCombinedNMSScoreSizes() 100 OP_REQUIRES(context, boxes.dims() == 4, in ParseAndCheckCombinedNMSBoxSizes() 105 OP_REQUIRES(context, box_check, in ParseAndCheckCombinedNMSBoxSizes() [all …]
|
/external/tensorflow/tensorflow/core/tpu/kernels/ |
D | host_compute_ops.cc | 42 OP_REQUIRES( in RecvAtHostOp() 45 OP_REQUIRES(ctx, ctx->num_inputs() == 1, in RecvAtHostOp() 47 OP_REQUIRES(ctx, ctx->input_type(0) == DT_STRING, in RecvAtHostOp() 50 OP_REQUIRES(ctx, ctx->num_inputs() == 2, in RecvAtHostOp() 52 OP_REQUIRES(ctx, ctx->input_type(0) == DT_STRING, in RecvAtHostOp() 54 OP_REQUIRES(ctx, ctx->input_type(1) == DT_INT64, in RecvAtHostOp() 59 OP_REQUIRES( in RecvAtHostOp() 193 OP_REQUIRES( in SendFromHostOp() 196 OP_REQUIRES( in SendFromHostOp() 199 OP_REQUIRES( in SendFromHostOp() [all …]
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | linalg_ops_common.cc | 35 OP_REQUIRES(context, input_matrix_shapes.size() == 1, in ValidateSingleMatrix() 38 OP_REQUIRES(context, TensorShapeUtils::IsMatrix(input_matrix_shapes[0]), in ValidateSingleMatrix() 46 OP_REQUIRES(context, input_matrix_shapes.size() == 1, in ValidateSingleSquareMatrix() 49 OP_REQUIRES(context, TensorShapeUtils::IsSquareMatrix(input_matrix_shapes[0]), in ValidateSingleSquareMatrix() 57 OP_REQUIRES(context, input_matrix_shapes.size() == 2, in ValidateSolver() 60 OP_REQUIRES(context, TensorShapeUtils::IsMatrix(input_matrix_shapes[0]), in ValidateSolver() 62 OP_REQUIRES(context, TensorShapeUtils::IsMatrix(input_matrix_shapes[1]), in ValidateSolver() 64 OP_REQUIRES( in ValidateSolver() 74 OP_REQUIRES(context, input_matrix_shapes.size() == 2, in ValidateSquareSolver() 77 OP_REQUIRES( in ValidateSquareSolver() [all …]
|
/external/tensorflow/tensorflow/core/kernels/rnn/ |
D | gru_ops.cc | 59 OP_REQUIRES(ctx, h_prev_tensor->dim_size(0) == batch_size, in Compute() 63 OP_REQUIRES(ctx, h_prev_tensor->dim_size(1) == cell_size, in Compute() 69 OP_REQUIRES(ctx, w_ru_tensor->dim_size(0) == input_size + cell_size, in Compute() 74 OP_REQUIRES(ctx, w_ru_tensor->dim_size(1) == cell_size * 2, in Compute() 80 OP_REQUIRES(ctx, w_c_tensor->dim_size(0) == input_size + cell_size, in Compute() 85 OP_REQUIRES(ctx, w_c_tensor->dim_size(1) == cell_size, in Compute() 91 OP_REQUIRES(ctx, b_ru_tensor->dim_size(0) == cell_size * 2, in Compute() 96 OP_REQUIRES(ctx, b_ru_tensor->dims() == 1, in Compute() 100 OP_REQUIRES(ctx, b_c_tensor->dim_size(0) == cell_size, in Compute() 104 OP_REQUIRES(ctx, b_c_tensor->dims() == 1, in Compute() [all …]
|