Search Options

Results per page
Sort
Preferred Languages
Advance

Results 11 - 20 of 34 for depthwise_conv_2d (0.35 sec)

  1. tensorflow/compiler/mlir/lite/tests/quantize-numeric-verify.mlir

      %4 = "tfl.dequantize"(%3) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 0.021826678373682216:151>>) -> tensor<32x3x3x3xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 15.1K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/schema/schema_v3b.fbs

    // set of acceptable options.
    // LINT.IfChange
    enum BuiltinOperator : int32 {
      ADD = 0,
      AVERAGE_POOL_2D = 1,
      CONCATENATION = 2,
      CONV_2D = 3,
      DEPTHWISE_CONV_2D = 4,
      DEPTH_TO_SPACE = 5,
      DEQUANTIZE = 6,
      EMBEDDING_LOOKUP = 7,
      FLOOR = 8,
      FULLY_CONNECTED = 9,
      HASHTABLE_LOOKUP = 10,
      L2_NORMALIZATION = 11,
      L2_POOL_2D = 12,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 14:28:27 UTC 2024
    - 30K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/schema/schema.fbs

    // set of acceptable options.
    // LINT.IfChange
    enum BuiltinOperator : int32 {
      ADD = 0,
      AVERAGE_POOL_2D = 1,
      CONCATENATION = 2,
      CONV_2D = 3,
      DEPTHWISE_CONV_2D = 4,
      DEPTH_TO_SPACE = 5,
      DEQUANTIZE = 6,
      EMBEDDING_LOOKUP = 7,
      FLOOR = 8,
      FULLY_CONNECTED = 9,
      HASHTABLE_LOOKUP = 10,
      L2_NORMALIZATION = 11,
      L2_POOL_2D = 12,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 03 18:01:23 UTC 2024
    - 41.7K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/stablehlo/tests/uniform-quantized-stablehlo-to-tfl.mlir

    // CHECK: %[[PAD:.+]] = "tfl.pad"(%[[ARG_0]], %[[CONST_0]]) : (tensor<1x4x5x3x!quant.uniform<i8:f32, 2.000000e+00>>, tensor<4x2xi32>) -> tensor<1x6x7x3x!quant.uniform<i8:f32, 2.000000e+00>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 106.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/transforms/prepare_tf.cc

                                         Type result_type, Value input,
                                         Value filter, Value bias) const {
        // Compared to tfl.conv_2d, tfl.depthwise_conv_2d has an additional
        // 'depth_multiplier' attribute. However, tf.DepthwiseConv2dNative does not
        // have a corresponding 'depth_multiplier' attribute; the multiplier is the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 21:49:50 UTC 2024
    - 64.6K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/stablehlo/transforms/uniform_quantized_stablehlo_to_tfl_pass.cc

          for (int k = 0; k < filter_shape[2]; ++k) {
            for (int l = 0; l < filter_shape[3]; ++l) {
              // [o, 0, 1, i] for `tfl.conv_2d` case`,
              // [i, 0, 1, o] for `tfl.depthwise_conv_2d` case.
              int old_idx = get_array_idx(filter_shape, i, j, k, l);
              int new_idx = is_depthwise
                                ? get_array_idx(new_filter_shape, k, i, j, l)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 22 09:00:19 UTC 2024
    - 99.8K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/tests/ops.mlir

      %w = arith.constant dense<127.0> : tensor<32x3x3x3xf32>
      %b = arith.constant dense<0.0> : tensor<32x1xf32>
      // expected-error @+1 {{'tfl.depthwise_conv_2d' op operand #2 must be 1D tensor of any type values or none type, but got 'tensor<32x1xf32>'}}
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 19:09:08 UTC 2024
    - 189.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/tensorflow/cc/constant_fold_test.cc

          succeeded(applyPatternsAndFoldGreedily(test_func, std::move(patterns))));
    
      auto depthwise_conv_op =
          FindOperationOfType<TF::DepthwiseConv2dNativeOp>(test_func);
      EXPECT_THAT(depthwise_conv_op, NotNull());
      // The filter of the DepthwiseConv2dNativeOp is expected to be a constant.
      EXPECT_TRUE(isa<TF::ConstOp>(depthwise_conv_op.getFilter().getDefiningOp()));
    }
    
    TEST_F(ConstantFoldingTest, DepthwiseConvWeightNotFoldable) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 04 07:19:09 UTC 2024
    - 10.1K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/tests/prepare_lifting.mlir

    // CHECK-NEXT: %[[DEPTHWISE_CONV2D:.*]] = "tf.DepthwiseConv2dNative"(%arg0, %[[CONST]]) <{data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1]}> {device = ""} : (tensor<*xf32>, tensor<2x3x3x1xf32>) -> tensor<?x?x?x3xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 14 03:24:59 UTC 2024
    - 33.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/tensorflow/tests/insert_quantized_functions.mlir

    // CHECK: func private @quantized_conv2d_with_relu6_fn
    // CHECK: func private @quantized_depthwise_conv2d_with_bias_and_relu_float_output_fn
    // CHECK-SAME: tf_quant.quantized_ops = ["DepthwiseConv2D", "BiasAdd", "Relu"]
    // CHECK: func private @quantized_matmul_with_bias_fn
    // CHECK: func private @quantized_matmul_with_bias_and_relu_fn
    // CHECK: func private @quantized_matmul_with_bias_and_relu6_fn
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 29 01:13:58 UTC 2023
    - 3.3K bytes
    - Viewed (0)
Back to top