/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 | 51 OP_REQUIRES(ctx, ksize_int.size() == num_dims(), in PoolingOp() 56 OP_REQUIRES(ctx, stride_int.size() == num_dims(), in PoolingOp() 158 OP_REQUIRES(ctx, FormatFromString(data_format_str, &data_format_), in MaxPoolOp() 172 OP_REQUIRES(ctx, input_shape.dims() == num_dims(), in Compile() 210 OP_REQUIRES(ctx, FormatFromString(data_format_str, &data_format_), in AvgPoolOp() 224 OP_REQUIRES(ctx, input_shape.dims() == num_dims(), in Compile() 280 OP_REQUIRES( in Compile() 285 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(ksize_shape), in Compile() 292 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(stride_shape), in Compile() 298 OP_REQUIRES(ctx, ksize_.size() == num_dims(), in Compile() [all …]
|
D | data_format_ops.cc | 38 OP_REQUIRES(context, src_format.size() == 4, in DataFormatDimMapOp() 42 OP_REQUIRES( in DataFormatDimMapOp() 54 OP_REQUIRES(context, dst_idx_[i] != -1, in DataFormatDimMapOp() 88 OP_REQUIRES( in DataFormatVecPermuteOp() 92 OP_REQUIRES(ctx, FormatFromString(src_format_, &data_format), in DataFormatVecPermuteOp() 95 OP_REQUIRES( in DataFormatVecPermuteOp() 98 OP_REQUIRES(ctx, FormatFromString(dst_format_, &data_format), in DataFormatVecPermuteOp() 105 OP_REQUIRES(ctx, input_rank == 1 || input_rank == 2, in Compile() 109 OP_REQUIRES( in Compile() 115 OP_REQUIRES( in Compile()
|
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 | 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() 112 OP_REQUIRES(ctx, 0 <= split_dim && split_dim < input_shape.dims(), in Compile() 120 OP_REQUIRES(ctx, input_shape.dims() > 0, in Compile() 123 OP_REQUIRES( in Compile() 132 OP_REQUIRES(ctx, in Compile() 148 OP_REQUIRES( in Compile() 159 OP_REQUIRES( in Compile()
|
D | xla_pad_op.cc | 47 OP_REQUIRES(context, TensorShapeUtils::IsScalar(padding_value_shape), in Compile() 50 OP_REQUIRES(context, rank == padding_low.size(), in Compile() 55 OP_REQUIRES(context, rank == padding_high.size(), in Compile() 60 OP_REQUIRES(context, rank == padding_interior.size(), in Compile() 67 OP_REQUIRES( in Compile() 71 OP_REQUIRES( in Compile() 75 OP_REQUIRES( in Compile()
|
D | extract_image_patches_op.cc | 46 OP_REQUIRES( in Compile() 51 OP_REQUIRES(ctx, strides_.size() == num_dims, in Compile() 55 OP_REQUIRES(ctx, dilations_.size() == num_dims, in Compile() 62 OP_REQUIRES( in Compile() 67 OP_REQUIRES( in Compile() 71 OP_REQUIRES( in Compile() 78 OP_REQUIRES( in Compile() 83 OP_REQUIRES(ctx, strides_[input_dim] >= 1, in Compile() 87 OP_REQUIRES(ctx, dilations_[input_dim] >= 1, in Compile() 97 OP_REQUIRES( in Compile()
|
/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 | 94 OP_REQUIRES(ctx, inputs->shape().dims() == 3, in Compute() 96 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(seq_len->shape()), in Compute() 98 OP_REQUIRES(ctx, TensorShapeUtils::IsMatrix(labels_indices->shape()), in Compute() 100 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(labels_values->shape()), in Compute() 107 OP_REQUIRES( in Compute() 112 OP_REQUIRES( in Compute() 119 OP_REQUIRES(ctx, labels_indices->dim_size(0) == labels_values->dim_size(0), in Compute() 126 OP_REQUIRES(ctx, batch_size != 0, in Compute() 144 OP_REQUIRES(ctx, labels_sp_valid.ok(), in Compute() 151 OP_REQUIRES(ctx, FastBoundsCheck(batch_indices, batch_size), in Compute() [all …]
|
D | training_ops.cc | 566 OP_REQUIRES( in Compute() 571 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha.shape()), in Compute() 575 OP_REQUIRES( in Compute() 608 OP_REQUIRES( in Compute() 613 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(alpha_dev.shape()), in Compute() 617 OP_REQUIRES( in Compute() 746 OP_REQUIRES( in DoValidate() 750 OP_REQUIRES( in DoValidate() 754 OP_REQUIRES( in DoValidate() 764 OP_REQUIRES(ctx, TensorShapeUtils::IsScalar(lr.shape()), in DoValidate() [all …]
|
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 …]
|
D | avgpooling_op.cc | 59 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in AvgPoolingOp() 61 OP_REQUIRES( in AvgPoolingOp() 67 OP_REQUIRES(context, ksize_.size() == 4, in AvgPoolingOp() 71 OP_REQUIRES(context, stride_.size() == 4, in AvgPoolingOp() 75 OP_REQUIRES(context, ksize_[0] == 1 && stride_[0] == 1, in AvgPoolingOp() 87 OP_REQUIRES(context, params.depth_window == 1, in Compute() 92 OP_REQUIRES(context, tensor_in.dims() == 4, in Compute() 127 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in AvgPoolingOp() 130 OP_REQUIRES(context, ksize_.size() == 4, in AvgPoolingOp() 134 OP_REQUIRES(context, stride_.size() == 4, in AvgPoolingOp() [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 | 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 …]
|
D | decode_image_op.cc | 95 OP_REQUIRES( in DecodeImageOp() 107 OP_REQUIRES( in DecodeImageOp() 123 OP_REQUIRES(context, in DecodeImageOp() 139 OP_REQUIRES( in DecodeImageOp() 155 OP_REQUIRES(context, TensorShapeUtils::IsScalar(contents.shape()), in Compute() 162 OP_REQUIRES( in Compute() 167 OP_REQUIRES(context, input.size() <= std::numeric_limits<int>::max(), in Compute() 171 OP_REQUIRES(context, magic == kPngFormat || channel_bits_ == 8, in Compute() 192 OP_REQUIRES(context, channels_ == 0 || channels_ == 1 || channels_ == 3, in DecodeJpeg() 202 OP_REQUIRES(context, crop_window.dims() == 1, in DecodeJpeg() [all …]
|
D | maxpooling_op.cc | 65 OP_REQUIRES( in SpatialMaxPoolWithArgMaxHelper() 219 OP_REQUIRES(context, FormatFromString(data_format, &data_format_), in MaxPoolingGradOp() 221 OP_REQUIRES( in MaxPoolingGradOp() 229 OP_REQUIRES(context, ksize_.size() == 4, in MaxPoolingGradOp() 233 OP_REQUIRES(context, stride_.size() == 4, in MaxPoolingGradOp() 236 OP_REQUIRES(context, ksize_[0] == 1 && stride_[0] == 1, in MaxPoolingGradOp() 239 OP_REQUIRES( in MaxPoolingGradOp() 254 OP_REQUIRES(context, tensor_in.dims() == 4, in Compute() 256 OP_REQUIRES(context, tensor_out.dims() == 4, in Compute() 259 OP_REQUIRES(context, out_backprop.dims() == 4, in Compute() [all …]
|
D | sample_distorted_bounding_box_op.cc | 213 OP_REQUIRES( in SampleDistortedBoundingBoxV2Op() 224 OP_REQUIRES(context, aspect_ratio_range_.size() == 2, in SampleDistortedBoundingBoxV2Op() 228 OP_REQUIRES( in SampleDistortedBoundingBoxV2Op() 235 OP_REQUIRES( in SampleDistortedBoundingBoxV2Op() 239 OP_REQUIRES( in SampleDistortedBoundingBoxV2Op() 244 OP_REQUIRES(context, area_range_[0] <= 1 && area_range_[1] <= 1, in SampleDistortedBoundingBoxV2Op() 250 OP_REQUIRES(context, max_attempts_ > 0, in SampleDistortedBoundingBoxV2Op() 258 OP_REQUIRES(context, image_size.dims() == 1, in Compute() 261 OP_REQUIRES(context, image_size.dim_size(0) == 3, in Compute() 268 OP_REQUIRES(context, 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 | 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 | decode_bmp_op.cc | 36 OP_REQUIRES( in DecodeBmpOp() 52 OP_REQUIRES(context, TensorShapeUtils::IsScalar(contents.shape()), in Compute() 59 OP_REQUIRES(context, (32 <= input.size()), in Compute() 80 OP_REQUIRES(context, (channels_ == bpp / 8), in Compute() 90 OP_REQUIRES(context, (channels_ == 1 || channels_ == 3 || channels_ == 4), in Compute() 94 OP_REQUIRES(context, width > 0, in Compute() 96 OP_REQUIRES(context, height != 0, in Compute() 98 OP_REQUIRES(context, header_size >= 0, in Compute() 103 OP_REQUIRES( in Compute() 122 OP_REQUIRES( in Compute()
|
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(context, seq_lens.NumElements() == input.dim_size(batch_dim), in CheckErrors() 70 OP_REQUIRES(context, seq_lens_vec[d] >= 0, in CheckErrors() 72 OP_REQUIRES(context, seq_lens_vec[d] <= input.dim_size(seq_dim), in CheckErrors() 82 OP_REQUIRES(context, batch_dim != seq_dim, in CheckErrorsGPU() 84 OP_REQUIRES(context, seq_dim < input.dims(), in CheckErrorsGPU() 87 OP_REQUIRES(context, batch_dim < input.dims(), in CheckErrorsGPU() 91 OP_REQUIRES(context, seq_lens.NumElements() == input.dim_size(batch_dim), in CheckErrorsGPU() [all …]
|
D | non_max_suppression_op.cc | 45 OP_REQUIRES(context, scores.dims() == 1, in CheckScoreSizes() 48 OP_REQUIRES(context, scores.dim_size(0) == num_boxes, in CheckScoreSizes() 56 OP_REQUIRES(context, overlaps.dims() == 2, in ParseAndCheckOverlapSizes() 61 OP_REQUIRES(context, overlaps.dim_size(1) == *num_boxes, in ParseAndCheckOverlapSizes() 69 OP_REQUIRES(context, boxes.dims() == 2, in ParseAndCheckBoxSizes() 73 OP_REQUIRES(context, boxes.dim_size(1) == 4, in ParseAndCheckBoxSizes() 81 OP_REQUIRES(context, scores.dims() == 3, in CheckCombinedNMSScoreSizes() 84 OP_REQUIRES(context, scores.dim_size(1) == num_boxes, in CheckCombinedNMSScoreSizes() 93 OP_REQUIRES(context, boxes.dims() == 4, in ParseAndCheckCombinedNMSBoxSizes() 98 OP_REQUIRES(context, box_check, in ParseAndCheckCombinedNMSBoxSizes() [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 | save_restore_v2_ops.cc | 46 OP_REQUIRES( in ValidateInputs() 50 OP_REQUIRES(context, in ValidateInputs() 58 OP_REQUIRES(context, in ValidateInputs() 64 OP_REQUIRES(context, in ValidateInputs() 68 OP_REQUIRES( in ValidateInputs() 74 OP_REQUIRES(context, context->num_inputs() == num_tensors + kFixedInputs, in ValidateInputs() 78 OP_REQUIRES(context, context->num_inputs() == num_tensors + kFixedInputs, in ValidateInputs() 124 OP_REQUIRES(context, slice_shape.IsSameSize(tensor.shape()), in Compute() 153 OP_REQUIRES(context, tensor_names.NumElements() == dtypes_.size(), in Compute() 205 OP_REQUIRES(context, in Compute() [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 …]
|