/external/tensorflow/tensorflow/python/ops/ |
D | matmul_benchmark.py | 35 def build_graph(device, n, m, k, transpose_a, transpose_b, dtype): argument 57 if not transpose_b: 64 z = math_ops.matmul(x, y, transpose_a=transpose_a, transpose_b=transpose_b) 71 def run_graph(self, device, n, m, k, transpose_a, transpose_b, num_iters, argument 90 output = build_graph(device, n, m, k, transpose_a, transpose_b, dtype) 103 ',ta:' + str(transpose_a) + '.tb:' + str(transpose_b), num_iters, 113 str(transpose_a) + ',tb:' + str(transpose_b)).replace(' ', ''), 118 def run_test_gpu(self, n, m, k, transpose_a, transpose_b, dtype, num_iters): argument 119 self.run_graph(test.gpu_device_name(), n, m, k, transpose_a, transpose_b, 125 for n, m, (transpose_a, transpose_b) in itertools.product( [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/sparse/ |
D | csr_sparse_matrix_test.py | 151 def _testSparseSparse(self, transpose_a, transpose_b, adjoint_a, adjoint_b): argument 156 dense_shape_b = [5, 15, 13] if transpose_b or adjoint_b else [5, 13, 15] 169 transpose_b=transpose_b, 176 transpose_b=transpose_b, 191 def _testSparseDense(self, transpose_a, transpose_b, adjoint_a, adjoint_b): argument 197 dense_shape_b = [5, 15, 13] if transpose_b or adjoint_b else [5, 13, 15] 209 transpose_b=transpose_b, 216 transpose_b=transpose_b, 229 def _testDenseSparse(self, transpose_a, transpose_b, adjoint_a, adjoint_b): argument 235 dense_shape_b = [5, 15, 13] if transpose_b or adjoint_b else [5, 13, 15] [all …]
|
D | csr_sparse_matrix_dense_mat_mul_grad_test.py | 62 transpose_b, adjoint_a, adjoint_b, argument 77 if transpose_b or adjoint_b: 89 transpose_b=transpose_b,
|
D | csr_sparse_matrix_sparse_mat_mul_grad_test.py | 62 transpose_b, adjoint_a, argument 78 if transpose_b or adjoint_b: 91 transpose_b=transpose_b,
|
D | csr_sparse_matrix_ops_test.py | 545 for (transpose_a, transpose_b) in ((False, False), (False, True), 549 if (transpose_a and adjoint_a) or (transpose_b and adjoint_b): 558 if transpose_b or adjoint_b: 568 (transpose_a, transpose_b, adjoint_a, adjoint_b)) 576 transpose_b=transpose_b, 583 transpose_b=transpose_b, 607 for (transpose_a, transpose_b) in ((False, False), (False, True), 611 if (transpose_a and adjoint_a) or (transpose_b and adjoint_b): 620 if transpose_b or adjoint_b: 630 (transpose_a, transpose_b, adjoint_a, adjoint_b)) [all …]
|
/external/tensorflow/tensorflow/python/ops/linalg/sparse/ |
D | sparse_csr_matrix_ops.py | 121 def matmul_shape_inference(a, b, c, transpose_a, transpose_b, adjoint_a, argument 131 transpose_b = transpose_b or adjoint_b 139 c_cols = b_shape.dim[rank - (2 if transpose_b else 1)].size 150 transpose_b=False, argument 186 transpose_b=transpose_b, 203 transpose_b=transpose_b, 212 transpose_b, adjoint_a, adjoint_b) 220 transpose_b=transpose_b, 229 transpose_a=not transpose_b, 230 transpose_b=not transpose_a, [all …]
|
D | sparse_csr_matrix_grad.py | 115 grad_a_dense = matmul(grad, b, transpose_b=not t_b) 117 grad_a_dense = matmul(b, grad, transpose_a=t_b, transpose_b=True) 134 grad_a_dense = matmul(b, grad, transpose_a=True, transpose_b=True) 143 grad_a_dense = matmul(grad, b, transpose_a=True, transpose_b=not t_b) 147 a, grad, transpose_a=not t_a, transpose_b=True, transpose_output=t_b) 157 transpose_b=True, 162 grad_b = sparse_matmul(a, grad, transpose_b=True, transpose_output=True) 210 grad_a = matmul(conj(b), grad, transpose_b=True, type=dtype) 213 grad_a = matmul(b, grad, adjoint_a=True, transpose_b=True, type=dtype) 217 grad_b = matmul(grad, a, transpose_a=True, transpose_b=True, type=dtype) [all …]
|
/external/tensorflow/tensorflow/python/eager/ |
D | benchmarks_test.py | 77 transpose_b=False, argument 86 "transpose_b", transpose_b) 410 def _benchmark_np_matmul(self, m, transpose_b, num_iters): argument 412 b = a.T if transpose_b else a 416 def _benchmark_tf_matmul(self, m, transpose_b, num_iters, argument 418 func = lambda: math_ops.matmul(m, m, transpose_b=transpose_b) 421 def _benchmark_gen_math_ops_matmul(self, m, transpose_b, num_iters): argument 424 gen_math_ops.mat_mul(m, m, transpose_b=transpose_b) 428 def _benchmark_tfe_py_fastpath_execute_matmul(self, m, transpose_b, argument 432 c_tfe_py_fastpath_execute(m, m, transpose_b=transpose_b) [all …]
|
D | tape_test.py | 45 math_ops.matmul(dmm, b, transpose_b=True) + 46 math_ops.matmul(array_ops.ones_like(b * dr), b, transpose_b=True), 47 math_ops.matmul(a, dmm, transpose_b=True) + 48 math_ops.matmul(a, array_ops.ones_like(a) * dr, transpose_b=True)
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
D | contraction_fusion.mlir | 7 // CHECK-SAME: transpose_a = false, transpose_b = false 8 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten… 18 // CHECK-SAME: transpose_a = false, transpose_b = false 19 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten… 31 // CHECK-SAME: transpose_a = false, transpose_b = false 32 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten…
|
D | unroll-batch-matmul.mlir | 50 …// CHECK: %[[v26:.*]] = "tf.MatMul"(%[[v2]], %[[v15]]) {transpose_a = false, transpose_b = false} … 51 …// CHECK: %[[v27:.*]] = "tf.MatMul"(%[[v4]], %[[v17]]) {transpose_a = false, transpose_b = false} … 52 …// CHECK: %[[v28:.*]] = "tf.MatMul"(%[[v6]], %[[v19]]) {transpose_a = false, transpose_b = false} … 53 …// CHECK: %[[v29:.*]] = "tf.MatMul"(%[[v8]], %[[v21]]) {transpose_a = false, transpose_b = false} … 54 …// CHECK: %[[v30:.*]] = "tf.MatMul"(%[[v10]], %[[v23]]) {transpose_a = false, transpose_b = false}… 55 …// CHECK: %[[v31:.*]] = "tf.MatMul"(%[[v12]], %[[v25]]) {transpose_a = false, transpose_b = false}… 92 …// CHECK: %[[mm0:.*]] = "tf.MatMul"(%[[v1]], %[[v7]]) {transpose_a = false, transpose_b = false} :… 93 …// CHECK: %[[mm1:.*]] = "tf.MatMul"(%[[v3]], %[[v9]]) {transpose_a = false, transpose_b = false} :… 94 …// CHECK: %[[mm2:.*]] = "tf.MatMul"(%[[v5]], %[[v11]]) {transpose_a = false, transpose_b = false} … 108 …// CHECK: %[[v0:.*]] = "tf.MatMul"(%arg0, %arg1) {transpose_a = false, transpose_b = false} : (ten… [all …]
|
D | fused_kernel_matcher.mlir | 117 …on = 0.000000e+00 : f32, fused_ops = ["BiasAdd"], transpose_a = false, transpose_b = false} : (ten… 120 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten… 128 …00000e+00 : f32, fused_ops = ["BiasAdd", "Relu"], transpose_a = false, transpose_b = false} : (ten… 131 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten… 140 …0000e+00 : f32, fused_ops = ["BiasAdd", "Relu6"], transpose_a = false, transpose_b = false} : (ten… 143 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten… 152 …000000e+00 : f32, fused_ops = ["BiasAdd", "Elu"], transpose_a = false, transpose_b = false} : (ten… 155 …%3 = "tf.MatMul"(%arg1, %arg2) {transpose_a = false, transpose_b = false} : (tensor<8x32xf32>, ten…
|
/external/tensorflow/tensorflow/core/kernels/ |
D | quantized_matmul_op_test.cc | 95 const bool transpose_b = false; in TEST_F() local 105 .Attr("transpose_b", transpose_b) in TEST_F() 145 const bool transpose_b = false; in TEST_F() local 155 .Attr("transpose_b", transpose_b) in TEST_F() 185 const bool transpose_b = false; in TEST_F() local 195 .Attr("transpose_b", transpose_b) in TEST_F() 274 const bool transpose_b = false; in TEST_F() local 284 .Attr("transpose_b", transpose_b) in TEST_F()
|
D | matmul_op_test.cc | 102 bool transpose_b, Tensor* output, in RunMatMulWithBias() argument 110 ops::MatMul::Attrs().TransposeA(transpose_a).TransposeB(transpose_b)); in RunMatMulWithBias() 121 bool transpose_a, bool transpose_b, const string& activation_type, in RunMatMulWithBiasAndActivation() argument 129 ops::MatMul::Attrs().TransposeA(transpose_a).TransposeB(transpose_b)); in RunMatMulWithBiasAndActivation() 153 bool transpose_b, Tensor* output, in RunFusedMatMulOp() argument 181 .Attr("transpose_b", transpose_b) in RunFusedMatMulOp() 222 bool transpose_b) { in VerifyMatMulWithBias() argument 227 transpose_b, out); in VerifyMatMulWithBias() 234 transpose_a, transpose_b, out); in VerifyMatMulWithBias() 243 bool transpose_b, in VerifyConv2DWithBiasAndActivation() argument [all …]
|
D | sparse_matmul_op_test.cc | 52 bool transpose_b, bool a_sparse, bool b_sparse) { in SparseMatMulNode() argument 58 .Attr("transpose_b", transpose_b) in SparseMatMulNode() 68 bool transpose_a, bool transpose_b) { in SparseMatMulHelper() argument 77 auto right_shape = transpose_b ? TensorShape({n, d}) : TensorShape({d, n}); in SparseMatMulHelper() 83 test::graph::Constant(g, right), transpose_a, transpose_b, in SparseMatMulHelper() 91 bool transpose_b) { in SparseMatMul() argument 94 transpose_a, transpose_b); in SparseMatMul()
|
D | reference_gemm.h | 34 void ReferenceGemm(bool transpose_a, bool transpose_b, bool transpose_c, in ReferenceGemm() argument 49 if (transpose_b) { in ReferenceGemm()
|
/external/gemmlowp/eight_bit_int_gemm/ |
D | eight_bit_int_gemm.cc | 68 template <bool transpose_a, bool transpose_b, bool transpose_c> 86 transpose_b ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmImpl() 107 template <bool transpose_a, bool transpose_b, bool transpose_c> 121 transpose_b ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmInt32Impl() 217 bool CanHandleMetaFastpath(bool transpose_a, bool transpose_b, bool transpose_c, in CanHandleMetaFastpath() argument 231 if (!IsColumnMajorOrVector(transpose_b, ldb, k, n)) { in CanHandleMetaFastpath() 301 void EightBitIntGemm(bool transpose_a, bool transpose_b, bool transpose_c, in EightBitIntGemm() argument 311 if (CanHandleMetaFastpath(transpose_a, transpose_b, transpose_c, m, n, k, lda, in EightBitIntGemm() 320 if (transpose_a == ta && transpose_b == tb && transpose_c == tc) { \ in EightBitIntGemm() 338 void EightBitIntGemm(bool transpose_a, bool transpose_b, bool transpose_c, in EightBitIntGemm() argument [all …]
|
D | eight_bit_int_gemm.h | 55 void EightBitIntGemm(bool transpose_a, bool transpose_b, bool transpose_c, 62 void EightBitIntGemm(bool transpose_a, bool transpose_b, bool transpose_c,
|
/external/tensorflow/tensorflow/core/ops/ |
D | sparse_csr_matrix_ops.cc | 246 bool transpose_b = false; in __anon59a9d6c30702() local 251 TF_RETURN_IF_ERROR(c->GetAttr("transpose_b", &transpose_b)); in __anon59a9d6c30702() 262 if (adjoint_b && transpose_b) { in __anon59a9d6c30702() 267 transpose_b = transpose_b || adjoint_b; in __anon59a9d6c30702() 270 auto output_cols = c->Dim(b_shape, transpose_b ? -2 : -1); in __anon59a9d6c30702() 287 c->Dim(b_shape, transpose_b ? -1 : -2), in __anon59a9d6c30702() 409 bool transpose_b = false; in __anon59a9d6c30a02() local 411 TF_RETURN_IF_ERROR(c->GetAttr("transpose_b", &transpose_b)); in __anon59a9d6c30a02() 419 } else if (adjoint_b && transpose_b) { in __anon59a9d6c30a02() 424 transpose_b = transpose_b || adjoint_b; in __anon59a9d6c30a02() [all …]
|
D | sparse_csr_matrix_ops_test.cc | 108 auto set_options = [&op](bool transpose_a, bool transpose_b, bool adjoint_a, in TEST() 114 .Attr("transpose_b", transpose_b) in TEST() 232 auto set_options = [&op](bool transpose_a, bool transpose_b, bool adjoint_a, in TEST() 238 .Attr("transpose_b", transpose_b) in TEST()
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | MatMul.pbtxt | 23 name: "transpose_b" 66 name: "transpose_b" 110 name: "transpose_b" 154 name: "transpose_b"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | MatMul.pbtxt | 23 name: "transpose_b" 66 name: "transpose_b" 110 name: "transpose_b" 154 name: "transpose_b"
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | matmul_op_test.py | 258 for adjoint_b, transpose_b in trans_options: 261 transpose_a, adjoint_b, transpose_b) 270 transpose_b=transpose_b)) 279 transpose_b=transpose_b))
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_SparseMatrixSparseMatMul.pbtxt | 21 name: "transpose_b" 39 according to the Boolean parameters `transpose_a`, `adjoint_a`, `transpose_b` 41 Similarly, at most one of `transpose_b` or `adjoint_b` may be True. 107 transpose_b: If True, `b` transposed before multiplication.
|
/external/tensorflow/tensorflow/core/kernels/mkl/ |
D | mkl_matmul_op.cc | 93 bool transpose_b = dim_pair[0].second == 1; in Compute() local 99 MklBlasGemm(ctx, transpose_a, transpose_b, m, n, k, a_ptr, in Compute() 100 transpose_a ? m : k, b_ptr, transpose_b ? k : n, c_ptr, n); in Compute()
|