Search Options

Results per page
Sort
Preferred Languages
Advance

Results 31 - 40 of 61 for mat_mul (0.12 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/insert_calibration_statistics_saver.mlir

      }
    
      func.func private @composite_matmul_with_bias_fn_1(%arg0: tensor<1x4xf32>, %arg1: tensor<4x3xf32>, %arg2: tensor<3xf32>) -> tensor<1x3xf32> attributes {tf_quant.composite_function} {
        %0 = "tf.MatMul"(%arg0, %arg1) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = false}> {attr_map = "0:transpose_a,1:transpose_b", device = ""} : (tensor<1x4xf32>, tensor<4x3xf32>) -> tensor<1x3xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 01:09:50 UTC 2024
    - 24.3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/passes/quantized_function_library.mlir

        } : (tensor<*xf32>, tensor<*xf32>) -> tensor<*xf32>
        %6 = "tf.Cast"(%5) : (tensor<*xf32>) -> tensor<*xi32>
        func.return %6 : tensor<*xi32>
      }
    
      // Matmul with int32 accumulation.
      func.func private @internal_matmul_fn(
                             %input : tensor<*xi8>, %weight : tensor<*xi8>,
                             %input_scale : tensor<*xf32>, %input_zp : tensor<*xi32>,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Jan 08 01:16:10 UTC 2024
    - 30.6K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tf2xla/api/v2/legalize_tf_test.cc

      // May have been filtered so check for lack of failure instead of success.
      EXPECT_EQ(compilation_status.Delta(kMlirWithFallbackModeFailure), 0);
    }
    
    TEST(LegalizeTFTest, MatMul) {
      static constexpr char kMatMulModuleStr[] = R"(
      module attributes {tf.versions = {bad_consumers = [], min_consumer = 0 : i32, producer = 268 : i32}} {
        func.func @main() -> (tensor<5x11xf32>) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 13 23:59:33 UTC 2024
    - 16.1K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/tensorflow/passes/lift_quantizable_spots_as_functions.cc

            }
          }
    
          if (!is_weight_constant) {
            if (!function_name.contains("matmul") &&
                !function_name.contains("einsum")) {
              return absl::InternalError(
                  "Non-constant weights are not supported at the moment,"
                  " except matmul and einsum.");
            } else if (!quant_options_.enable_two_input_tensors() &&
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 16.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/tests/insert_custom_aggregation_ops.mlir

      func.func private @composite_matmul_with_bias_fn_1(%arg0: tensor<1x4xf32>, %arg1: tensor<4x3xf32>, %arg2: tensor<3xf32>) -> tensor<1x3xf32> attributes {tf_quant.composite_function} {
        %0 = "tf.MatMul"(%arg0, %arg1) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = false}> {attr_map = "0:transpose_a,1:transpose_b", device = ""} : (tensor<1x4xf32>, tensor<4x3xf32>) -> tensor<1x3xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 32.1K bytes
    - Viewed (0)
  6. tensorflow/cc/gradients/math_grad_test.cc

      void TestMatMulGrad(const bool t_x, const bool t_y) {
        TestMatMulGradHelper<T>(
            /*is_x_batch=*/false, /*is_y_batch=*/false, t_x, t_y,
            [&](Output x, Output y) {
              return MatMul(root_, x, y, MatMul::TransposeA(t_x).TransposeB(t_y));
            });
      }
    
      template <typename T>
      void TestBatchMatMulGrad(const bool t_x, const bool t_y) {
        TestMatMulGradHelper<T>(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 25 18:20:20 UTC 2023
    - 36K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/transforms/prepare_composite_functions_tf.cc

          return func_.emitWarning()
                 << "Invalid number of arguments in the embedding "
                    "matmul composite function";
        }
        if (func_.getFunctionType().getNumResults() != 1) {
          return func_.emitWarning() << "Invalid number of results in the "
                                        "embedding matmul composite function";
        }
        return success();
      }
    
     private:
      func::FuncOp func_;
    };
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 17.6K bytes
    - Viewed (0)
  8. tensorflow/c/eager/c_api_experimental_test.cc

      TFE_TensorHandle* m = TestMatrixTensorHandle(ctx);
      TFE_Op* matmul = MatMulOp(ctx, m, m);
      TFE_TensorHandle* retvals[2] = {nullptr, nullptr};
      int num_retvals = 2;
      TFE_Execute(matmul, &retvals[0], &num_retvals, status);
      EXPECT_EQ(1, num_retvals);
      EXPECT_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status);
      TFE_DeleteOp(matmul);
      TFE_DeleteTensorHandle(m);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Aug 03 03:14:26 UTC 2023
    - 31.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/passes/quantized_function_library_uniform_quantized.mlir

    //   ...${key2}...
    // }
    // ```
    // The above template with generate two functions by substituting `key1` and
    // `key2` with given values.
    
    module {
    
      for main_op in ["Conv2D", "DepthwiseConv2D", "MatMul"] {
        parameters[
          {"quantized_ops": ["${main_op}", "BiasAdd"], "act_func": "internal_requantize_no_activation_fn", "output_type": "!tf_type.qint8"},
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 29 01:13:58 UTC 2023
    - 19.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/tensorflow/passes/replace_cast_hacks_with_tf_xla_ops.cc

    #include "xla/xla_data.pb.h"
    
    namespace mlir::quant {
    namespace {
    
    constexpr StringRef kTfQuantCreatedEinsum = "__tf_quant_created_einsum";
    
    // Replaces mixed-type Conv and Matmul cast hacks with TF XLA ops.
    // TODO(b/228403741): Support conversion for dynamic-shaped TF ops.
    class ReplaceCastHacksWithTFXLAOpsPass
        : public PassWrapper<ReplaceCastHacksWithTFXLAOpsPass,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 47.1K bytes
    - Viewed (0)
Back to top