Search Options

Results per page
Sort
Preferred Languages
Advance

Results 41 - 50 of 156 for mat_mul (0.34 sec)

  1. tensorflow/compiler/mlir/tfrt/tests/ifrt/sink_variable_as_named_array.mlir

    // CHECK:  "tf.VarHandleOp"
    // CHECK-NOT:  [[VARIABLE:%.*]] = "tf.ReadVariableOp"
    // CHECK-NEXT:  [[KEY:%.*]], [[FUTURE:%.*]] = "tf.IfrtLoadVariable"
    // CHECK-SAME:    used_by_host = true
    // CHECK-NEXT:  [[MATRES:%.*]] = "tf.MatMul"(%arg0, [[FUTURE]])
    // CHECK-NEXT:   [[RES:%.*]] = "tf.IfrtCall"(%arg0, [[KEY]]) <{program_id = 6515870160938153680 : i64, variable_arg_indices = [1 : i32]}>
    // CHECK-NEXT:    return [[RES]], [[MATRES]] : tensor<1x1xf32>, tensor<1x1xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 15:33:17 UTC 2024
    - 5.3K bytes
    - Viewed (0)
  2. tensorflow/c/experimental/gradients/math_grad_test.cc

                  absl::Span<AbstractTensorHandle* const> inputs,
                  absl::Span<AbstractTensorHandle*> outputs) -> Status {
            return ops::MatMul(ctx, inputs[0], inputs[1], &outputs[0], transpose_a,
                               transpose_b, "MatMul");
          };
          ASSERT_NO_FATAL_FAILURE(CompareNumericalAndAutodiffGradients(
              MatMulModel, BuildGradModel(MatMulModel, registry_),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 13 17:32:14 UTC 2023
    - 16.3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/quantize_composite_functions_drq.mlir

    module {
      // TODO(b/260020937): Support transpose_a, transpose_b for matmul.
      func.func @matmul(%arg0: tensor<2x12xf32>) -> (tensor<*xf32>) {
        %cst_0 = "tf.Const"() {value = dense<0.000000e+00> : tensor<12x2xf32>} : () -> tensor<12x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Jan 05 18:35:42 UTC 2024
    - 9.8K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/include_variables_in_init_v1.py

    # CHECK-NEXT: %[[READ_VAR_0:.*]] = "tf.ReadVariableOp"(%[[ARG_2]]) {{{.*}}} : (tensor<!tf_type.resource<tensor<1x3xf32>>>) -> tensor<1x3xf32>
    # CHECK-NEXT: %[[MATMUL_0:.*]] = "tf.MatMul"(%[[ARG_1]], %[[READ_VAR_0]]) <{{{.*}}}> {{{.*}}} : (tensor<3x1xf32>, tensor<1x3xf32>) -> tensor<3x3xf32>
    # CHECK-NEXT: return %[[MATMUL_0]] : tensor<3x3xf32>
    
    
    def Test():
      x = tf.constant([[1.0], [1.0], [1.0]])
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:49:35 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  5. tensorflow/cc/framework/cc_ops_test.cc

      // It's being used here ONLY to ensure that, that style is tested.
      MatMul m(root, c, {{41}, {1}});
      TF_EXPECT_OK(root.status());
      Tensor out;
      test::GetTensor(root, m, &out);
      test::ExpectTensorEqual<int>(out, test::AsTensor<int>({42}, {1, 1}));
    }
    
    TEST(CCOpTest, Attrs) {
      Scope root = Scope::NewRootScope();
      auto m = MatMul(root, {{1}, {1}}, {{41}, {1}}, MatMul::TransposeA(true));
      TF_EXPECT_OK(root.status());
      Tensor out;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 15 15:13:38 UTC 2023
    - 8.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/tests/lift_quantizable_spots_as_functions_drq.mlir

      %cst = "tf.Const"() {value = dense<0.000000e+00> : tensor<512x512xf32>} : () -> tensor<512x512xf32>
      %out_1 = "tf.MatMul"(%arg0, %cst) {
        device = "", transpose_a = false, transpose_b = false
      } : (tensor<1x12x12x512xf32>, tensor<512x512xf32>) -> tensor<*xf32>
      %out_2 = "tf.MatMul"(%arg0, %arg0) {
        device = "", transpose_a = false, transpose_b = true
      } : (tensor<1x12x12x512xf32>, tensor<1x12x12x512xf32>) -> tensor<*xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 11.8K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/tests/insert_quantized_functions.mlir

    // CHECK: func private @quantized_matmul_with_bias_and_relu_fn
    // CHECK: func private @quantized_matmul_with_bias_and_relu6_fn
    // CHECK: func private @quantized_matmul_fn
    // CHECK-SAME: tf_quant.quantized_ops = ["MatMul"]
    // CHECK: func private @quantized_matmul_with_relu_fn
    // CHECK: func private @quantized_matmul_with_relu6_fn
    // CHECK: func private @quantized_conv3d_with_bias_fn
    // CHECK-SAME: tf_quant.quantized_ops = ["Conv3D", "BiasAdd"]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 29 01:13:58 UTC 2023
    - 3.3K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/remove_init_variable_v1.py

    # CHECK-SAME: attributes {{.*}} tf_saved_model.exported_names = ["key"]
    
    # CHECK-NEXT: [[R0:%.*]] = "tf.ReadVariableOp"([[ARG1]]) {{{.*}}} : (tensor<!tf_type.resource<tensor<1x3xf32>>>) -> tensor<1x3xf32>
    # CHECK-NEXT: [[R1:%.*]] = "tf.MatMul"([[ARG0]], [[R0]]) <{{{.*}}}> {{{.*}}} : (tensor<3x1xf32>, tensor<1x3xf32>) -> tensor<3x3xf32>
    # CHECK-NEXT: return [[R1]] : tensor<3x3xf32>
    
    
    def Test():
    
      x = tf.constant([[1.0], [1.0], [1.0]])
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:49:35 UTC 2023
    - 2.8K bytes
    - Viewed (0)
  9. tensorflow/c/experimental/ops/gen/cpp/golden/testing_ops.cc.golden

      TF_RETURN_IF_ERROR(op_ptr->AddInput(x));
      int num_retvals = 1;
      return op_ptr->Execute(absl::MakeSpan(y, 1), &num_retvals);
    }
    
    // Op: MatMul()
    // Summary:
    //
    // Description:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Nov 16 19:04:03 UTC 2023
    - 6.5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/transforms/prepare_patterns.td

        (TF_SubOp $beta, (TF_MulOp $m, $mul)))>;
    
    class TFi32<int v> : ConstantAttr<I32ElementsAttr, !cast<string>(v)>;
    
    // Matmul without transpose on b to matmul with explicit transpose op and
    // transposed b.
    def ConvertMatmulWithoutTransposeToWithTranspose :
          Pat<(TF_MatMulOp $a, $b, ConstBoolAttrFalse:$at, ConstBoolAttrFalse, $grad_a, $grad_b),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 30 00:40:15 UTC 2024
    - 10.5K bytes
    - Viewed (0)
Back to top