Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for out_backprop (0.18 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/layout_optimization_layout_assignment_gpu_cc_60.mlir

    func.func @transposeConv2DBackpropFilter_f16(
      %input:        tensor<1x28x28x64xf16>,
      %filter_size:  tensor<4xi32>,
      %out_backprop: tensor<1x28x28x64xf16>
    ) -> tensor<1x1x64x64xf16> {
    
      // CHECK: "tf.Conv2DBackpropFilter"
      // CHECK-SAME: data_format = "NCHW"
      %0 = "tf.Conv2DBackpropFilter"(%input, %filter_size, %out_backprop)
           {
             data_format = "NHWC",
             padding = "VALID",
             strides = [1, 1, 1, 1]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 21 08:41:18 UTC 2022
    - 5.8K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/layout_optimization_layout_assignment_gpu_cc_70.mlir

    func.func @transposeConv2DBackpropFilter_f32(
      %input:        tensor<1x28x28x64xf32>,
      %filter_size:  tensor<4xi32>,
      %out_backprop: tensor<1x28x28x64xf32>
    ) -> tensor<1x1x64x64xf32> {
    
      // CHECK: "tf.Conv2DBackpropFilter"
      // CHECK-SAME: data_format = "NCHW"
      %0 = "tf.Conv2DBackpropFilter"(%input, %filter_size, %out_backprop)
           {
             data_format = "NHWC",
             padding = "VALID",
             strides = [1, 1, 1, 1]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 21 08:41:18 UTC 2022
    - 8.5K bytes
    - Viewed (0)
  3. tensorflow/c/experimental/ops/nn_ops.cc

    //
    // Description:
    //   It accumulates all the values from out_backprop into the feature dimension.
    //   For NHWC data format, the feature dimension is the last. For NCHW data
    //   format, the feature dimension is the third-to-last.
    Status BiasAddGrad(AbstractContext* ctx,
                       AbstractTensorHandle* const out_backprop,
                       AbstractTensorHandle** output, const char* data_format,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 10 19:11:36 UTC 2022
    - 5.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/layout_optimization_layout_assignment_to_nchw.mlir

      func.return %0 : tensor<?x?x?x?xf32>
    }
    
    // CHECK-LABEL: func @transposeConv2DBackpropFilter
    func.func @transposeConv2DBackpropFilter(
      %input: tensor<1x32x32x3xf32>,
      %filter_sizes: tensor<4xi32>,
      %out_backprop: tensor<1x32x32x8xf32>
    ) -> tensor<1x1x3x8xf32> {
    
      // CHECK: %[[FILTER_PERM:[0-9]*]] = "tf.DataFormatVecPermute"
      // CHECK-SAME: dst_format = "NCHW"
      // CHECK-SAME: src_format = "NHWC"
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 9K bytes
    - Viewed (0)
  5. tensorflow/c/experimental/ops/nn_ops.h

                   const char* raw_device_name = nullptr);
    
    // The backward operation for "BiasAdd" on the "bias" tensor.
    Status BiasAddGrad(AbstractContext* ctx,
                       AbstractTensorHandle* const out_backprop,
                       AbstractTensorHandle** output,
                       const char* data_format = "NHWC", const char* name = nullptr,
                       const char* raw_device_name = nullptr);
    
    }  // namespace ops
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 10 19:11:36 UTC 2022
    - 2.6K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/transforms/lower_tf.td

      "$0.getType().cast<RankedTensorType>().getRank(), $1, &$_builder)">;
    
    def LowerBiasAddGradOp :
      Pat<(TF_BiasAddGradOp AnyRankedTensor:$out_backprop, $data_format),
          (TF_SumOp $out_backprop,
                    (TF_ConstOp (GetBiasAddGradReductionIndices $out_backprop,
                                                                $data_format)),
                    /*keep_dims=*/ConstBoolAttrFalse)>;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 04 13:30:42 UTC 2024
    - 24.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/transforms/legalize_patterns.td

    def LegalizeMatrixDiag : Pat<(TF_MatrixDiagOp $diagonal),
                                 (TFL_MatrixDiagOp $diagonal)>;
    
    def LegalizeConv2DBackpropInput : Pat<
      (TF_Conv2DBackpropInputOp $input_sizes, $filter, $out_backprop,
         IsIntList1XY1:$strides,
         BoolAttr:$use_cudnn_on_gpu,
         IsSameOrValid:$padding,
         I64ArrayAttr:$explicit_paddings,
         IsDataFormatNHWC:$data_format,
         IsAllOnes:$dilations),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 04 13:30:42 UTC 2024
    - 28.5K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf.mlir

      func.return %0 : tensor<256x9x7x16xf32>
    }
    
    // -----
    
    // CHECK-LABEL: @conv2d_backprop_input_dynamic
    func.func @conv2d_backprop_input_dynamic(%filter: tensor<2x2x1x16xf32>, %out_backprop: tensor<?x256x256x16xf32>) -> tensor<?x512x512x1xf32> {
      // CHECK: %[[REV_FILTER:.*]] = "mhlo.reverse"(%arg0) <{dimensions = dense<[0, 1]> : tensor<2xi64>}>
      // CHECK: %[[RESULT:.*]] = mhlo.convolution(%arg1, %[[REV_FILTER]])
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 06 18:46:23 UTC 2024
    - 335.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/ir/tf_ops_a_m.cc

          return op.emitOpError(
              "requires out_backprop operand to have rank at least two with `NHWC` "
              "data format");
      } else {
        // Op definition requires data_format to be either NHWC or NCHW.
        DCHECK_EQ(format, tensorflow::TensorFormat::FORMAT_NCHW);
        if (!HasRankAtLeast(op.getOutBackprop(), 3))
          return op.emitOpError(
              "requires out_backprop operand to have rank at least three with "
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 146.7K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/ir/tf_generated_ops.td

      }];
    
      let description = [{
    It accumulates all the values from out_backprop into the feature dimension.
    For NHWC data format, the feature dimension is the last. For NCHW data format,
    the feature dimension is the third-to-last.
      }];
    
      let arguments = (ins
        Arg<TF_NumberTensor, [{Any number of dimensions.}]>:$out_backprop,
    
        DefaultValuedOptionalAttr<TF_ConvnetDataFormatAttr, "\"NHWC\"">:$data_format
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 793K bytes
    - Viewed (0)
Back to top