Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 14 for mat_mul (0.37 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/unroll-batch-matmul.mlir

      // CHECK: %[[MATMUL_3:.*]] = "tf.MatMul"(%[[LHS_3]], %[[RHS_3]]) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = false}> : (tensor<4x5xf32>, tensor<5x6xf32>) -> tensor<4x6xf32>
      // CHECK: %[[MATMUL_4:.*]] = "tf.MatMul"(%[[LHS_4]], %[[RHS_4]]) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = false}> : (tensor<4x5xf32>, tensor<5x6xf32>) -> tensor<4x6xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Dec 06 18:42:28 UTC 2023
    - 63.7K bytes
    - Viewed (0)
  2. tensorflow/compiler/jit/mark_for_compilation_pass_test.cc

      // done in parallel.
      //
      // This graph is:
      // (Const0, Const0) -> MatMul0
      // (Const1, Const1) -> MatMul1
      // (MatMul0, MatMul1) -> MatMulCombined
      //
      // Device0: [Const0, Const0, MatMul0]
      // Device1: [Const1, Const1, MatMul1, MatMulCombined]
      //
      // Cluster0: [Const0, Const0, MatMul0]
      // Cluster1: [Const1, Const1, MatMul1]
      // Cluster2: [MatMulCombined]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 14 10:11:10 UTC 2024
    - 79.6K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/quantize_composit_functions_debugging.mlir

    // TF-DAG: %[[pc_3:.*]] = "tf.PartitionedCall"(%arg0, %[[cst_1]]) <{config = "", config_proto = "", executor_type = "", f = @composite_matmul_fn_2_0}
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Nov 06 01:23:21 UTC 2023
    - 80.5K bytes
    - Viewed (0)
  4. tensorflow/c/eager/c_api_test.cc

      TFE_TensorHandle* m = TestMatrixTensorHandle(ctx);
      TFE_Op* matmul = TFE_NewOp(ctx, "MatMul", status);
      CHECK_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status);
      TFE_TensorHandle* retvals[1];
      int num_retvals = 1;
      for (auto s : state) {
        TFE_OpReset(matmul, "MatMul", nullptr, status);
        CHECK_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status);
        TFE_OpAddInput(matmul, m, status);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Aug 03 20:50:20 UTC 2023
    - 94.6K bytes
    - Viewed (0)
  5. tensorflow/c/c_api_test.cc

                                       "gradients/MatMul", false, true);
        TF_Operation* matmul2 = MatMul(expected_graph_, s_, const0, const3,
                                       "gradients/MatMul_1", true, false);
        expected_grad_outputs[0] = {matmul1, 0};
        expected_grad_outputs[1] = {matmul2, 0};
      }
    
      TF_Tensor* FloatTensor2x2(const float* values) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 15 03:35:10 UTC 2024
    - 96.9K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

        ).astype(np.float32)
    
        class TwoMatmulModel(module.Module):
          """A model with two matmul ops."""
    
          @def_function.function
          def matmul(self, input_tensor: core.Tensor) -> Mapping[str, core.Tensor]:
            """Performs a matrix multiplication.
    
            Args:
              input_tensor: Input tensor to matmul with the filter.
    
            Returns:
              A 'output' -> output tensor mapping
            """
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 51.4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test_base.py

          @def_function.function
          def matmul(self, input_tensor: core.Tensor) -> Mapping[str, core.Tensor]:
            """Performs a matrix multiplication.
    
            Depending on self.has_bias and self.activation_fn, it may add a bias
            term or
            go through the activaction function.
    
            Args:
              input_tensor: Input tensor to matmul with the filter.
    
            Returns:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 21 08:51:46 UTC 2024
    - 51.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/tests/prepare-tf.mlir

      // CHECK: %[[TRANSPOSE:.*]] = "tf.Transpose"(%[[DEQUANT]], %[[CST]]) : (tensor<3x4xf32>, tensor<?xi32>) -> tensor<*xf32>
      // CHECK: %[[MATMUL:.*]] = "tf.MatMul"(%arg0, %[[TRANSPOSE]]) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = true}> : (tensor<2x3xf32>, tensor<*xf32>) -> tensor<2x4xf32>
      // CHECK: return %[[MATMUL]] : tensor<2x4xf32>
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 29 07:26:59 UTC 2024
    - 59.8K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/tests/replace_cast_hacks_with_tf_xla_ops.mlir

    // CHECK-DAG: %[[CONST:.*]] = "tf.Const"() <{value = dense<-131072> : tensor<1x3xi32>}> : () -> tensor<1x3xi32>
    // CHECK: %[[MATMUL:.*]] = "tf.XlaDotV2"({{.*}}, %[[WEIGHT]])
    // CHECK-SAME: (tensor<1x1024xi8>, tensor<1024x3xi8>) -> tensor<1x3xi32>
    // CHECK: %[[SUB:.*]] = "tf.Sub"(%[[MATMUL]], %[[CONST]]) : (tensor<1x3xi32>, tensor<1x3xi32>) -> tensor<1x3xi32>
    }
    
    // -----
    
    module attributes {} {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 81K bytes
    - Viewed (0)
  10. tensorflow/cc/gradients/math_grad.cc

                            std::vector<Output>* grad_outputs) {
      if (is_batch == false) {
        auto dx =
            MatMul(scope, x0, x1, MatMul::TransposeA(adj_x0).TransposeB(adj_x1));
        grad_outputs->push_back(dx);
        auto dy =
            MatMul(scope, y0, y1, MatMul::TransposeA(adj_y0).TransposeB(adj_y1));
        grad_outputs->push_back(dy);
      } else {
        auto dx = BatchMatMulV3(scope, x0, x1, x_data_type,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Aug 25 18:20:20 UTC 2023
    - 50.7K bytes
    - Viewed (0)
Back to top