/external/tensorflow/tensorflow/python/ops/ |
D | matmul_benchmark.py | 35 def build_graph(device, n, m, k, transpose_a, transpose_b, dtype): argument 51 if not transpose_a: 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 …]
|
D | matmul_benchmark_test.py | 32 def BuildGraphTest(n, m, k, transpose_a, transpose_b, dtype): argument 37 (n, m, k, transpose_a, transpose_b)) 40 (n, m, k, transpose_a, transpose_b)) 41 self._VerifyBuildGraph(n, m, k, transpose_a, transpose_b, dtype) 46 def RunGraphTest(n, m, k, transpose_a, transpose_b, dtype): argument 51 (n, m, k, transpose_a, transpose_b)) 54 (n, m, k, transpose_a, transpose_b)) 55 self._VerifyRunGraph(n, m, k, transpose_a, transpose_b, dtype) 71 def _VerifyBuildGraph(self, n, m, k, transpose_a, transpose_b, dtype): argument 75 transpose_a, transpose_b, dtype) [all …]
|
D | math_ops.py | 2405 transpose_a=False, argument 2513 if transpose_a and adjoint_a: 2535 if transpose_a: 2549 transpose_a = True 2567 transpose_a=transpose_a, 2580 a, b, transpose_a=transpose_a, transpose_b=transpose_b, name=name) 2586 transpose_a=False, argument 2674 transpose_a=transpose_a, 2691 transpose_a = node.attr["transpose_a"].b 2694 if transpose_a:
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | triangular_solve_expander.cc | 124 XlaOp InvertDiagonalBlocks(XlaOp diag_blocks, bool lower, bool transpose_a, in InvertDiagonalBlocks() argument 254 bool transpose_a, bool conjugate_a, in SolveWithInvertedDiagonalBlocks() argument 281 auto j = (left_side ^ lower ^ transpose_a) ? num_blocks - 1 - i : i; in SolveWithInvertedDiagonalBlocks() 313 if (transpose_a) { in SolveWithInvertedDiagonalBlocks() 321 b_row - BatchDot(MaybeTransposeInMinorDims(a_row, transpose_a), x, in SolveWithInvertedDiagonalBlocks() 325 b_row - BatchDot(x, MaybeTransposeInMinorDims(a_row, transpose_a), in SolveWithInvertedDiagonalBlocks() 335 x_update = BatchDot(MaybeTransposeInMinorDims(inv_block, transpose_a), in SolveWithInvertedDiagonalBlocks() 339 MaybeTransposeInMinorDims(inv_block, transpose_a), in SolveWithInvertedDiagonalBlocks() 351 bool transpose_a, bool conjugate_a, in BuildTriangularSolve() argument 433 auto inv_diag_blocks = InvertDiagonalBlocks(diag_blocks, lower, transpose_a, in BuildTriangularSolve() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | quantized_matmul_op_test.cc | 90 const bool transpose_a = true; in TEST_F() local 104 .Attr("transpose_a", transpose_a) in TEST_F() 140 const bool transpose_a = true; in TEST_F() local 154 .Attr("transpose_a", transpose_a) in TEST_F() 180 const bool transpose_a = true; in TEST_F() local 194 .Attr("transpose_a", transpose_a) in TEST_F() 273 const bool transpose_a = true; in TEST_F() local 283 .Attr("transpose_a", transpose_a) in TEST_F()
|
D | matmul_op.cc | 269 bool transpose_a = dim_pair[0].first == 0; in launch() local 271 auto blas_transpose_a = trans[transpose_a]; in launch() 289 transpose_a, transpose_b, m, n, k, dtype, device_id, in launch() 312 transpose_b ? k : n, a_ptr, transpose_a ? m : k, beta, in launch() 330 transpose_b ? k : n, a_ptr, transpose_a ? m : k, 0.0, in launch() 343 LaunchBlasGemv<T>::Compute(ctx, stream, !transpose_a, in launch() 344 transpose_a ? m : k, transpose_a ? k : m, in launch() 371 transpose_b ? k : n, a_ptr, transpose_a ? m : k, beta, in launch() 404 LaunchBlasGemv<T>::Compute(ctx, stream, !transpose_a, in launch() 405 transpose_a ? m : k, transpose_a ? k : m, in launch() [all …]
|
D | matmul_op_test.cc | 24 static Graph* Matmul(int m, int k, int n, bool transpose_a, bool transpose_b, in Matmul() argument 27 Tensor in0(type, transpose_a ? TensorShape({k, m}) : TensorShape({m, k})); in Matmul() 32 test::graph::Constant(g, in1), transpose_a, transpose_b); in Matmul()
|
D | sparse_matmul_op_test.cc | 51 Node* SparseMatMulNode(Graph* g, Node* in0, Node* in1, bool transpose_a, in SparseMatMulNode() argument 57 .Attr("transpose_a", transpose_a) in SparseMatMulNode() 68 bool transpose_a, bool transpose_b) { in SparseMatMulHelper() argument 72 auto left_shape = transpose_a ? TensorShape({d, m}) : TensorShape({m, d}); in SparseMatMulHelper() 83 test::graph::Constant(g, right), transpose_a, transpose_b, in SparseMatMulHelper() 90 float sparsity_b, bool transpose_a, in SparseMatMul() argument 94 transpose_a, transpose_b); in SparseMatMul()
|
D | mkl_matmul_op.cc | 95 bool transpose_a = dim_pair[0].first == 0; in Compute() local 102 MklBlasGemm(transpose_a, transpose_b, m, n, k, a_ptr, transpose_a ? m : k, in Compute()
|
D | reference_gemm.h | 34 void ReferenceGemm(bool transpose_a, bool transpose_b, bool transpose_c, in ReferenceGemm() argument 40 if (transpose_a) { in ReferenceGemm()
|
D | quantized_conv_ops.cc | 376 const bool transpose_a = false; in operator ()() local 391 meta::QuantizedGemm(context, transpose_a, transpose_b, im2col_buffer, in operator ()() 413 !transpose_a ? gemmlowp::MapOrder::RowMajor in operator ()() 440 transpose_a, transpose_b, transpose_c, m, n, k, im2col_buffer, in operator ()()
|
/external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/ |
D | masked_matmul_benchmark.py | 63 transpose_a=False, transpose_b=False): argument 83 a_shape = a_shape if not transpose_a else [a_shape[1], a_shape[0]] 92 a_ph, b_ph, mask_indices_ph, transpose_a, transpose_b) 116 tr_a=int(transpose_a), 133 for transpose_a in [False, True]: 139 self._run_graph(a_shape, b_shape, nnz, num_iters, sort, transpose_a,
|
D | masked_matmul_ops_test.py | 60 def _runTestMaskedProduct(self, transpose_a, transpose_b): argument 62 a = self._a if not transpose_a else array_ops.transpose(self._a) 73 a, b, self._mask_ind, transpose_a, transpose_b)
|
/external/gemmlowp/eight_bit_int_gemm/ |
D | eight_bit_int_gemm.cc | 71 template <bool transpose_a, bool transpose_b, bool transpose_c> 87 transpose_a ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmImpl() 110 template <bool transpose_a, bool transpose_b, bool transpose_c> 122 transpose_a ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmInt32Impl() 220 bool CanHandleMetaFastpath(bool transpose_a, bool transpose_b, bool transpose_c, in CanHandleMetaFastpath() argument 229 if (!IsRowMajorOrVector(transpose_a, lda, m, k)) { in CanHandleMetaFastpath() 304 void EightBitIntGemm(bool transpose_a, bool transpose_b, bool transpose_c, in EightBitIntGemm() argument 314 if (CanHandleMetaFastpath(transpose_a, transpose_b, transpose_c, m, n, k, lda, in EightBitIntGemm() 323 if (transpose_a == ta && transpose_b == tb && transpose_c == tc) { \ in EightBitIntGemm() 341 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/python/ops/linalg/ |
D | linear_operator_util.py | 229 transpose_a=False, argument 321 transpose_a=transpose_a, 332 transpose_a=transpose_a and still_need_to_transpose, 414 transpose_a=False, argument 455 a_domain_sz_ = a.shape[-2 if adjoint_a or transpose_a else -1] 470 elif transpose_a:
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | matmul_op_test.py | 163 math_ops.matmul(a, b, transpose_a=True) 249 for adjoint_a, transpose_a in trans_options: 253 transpose_a, adjoint_b, transpose_b) 260 transpose_a=transpose_a, 269 transpose_a=transpose_a,
|
/external/tensorflow/tensorflow/contrib/opt/python/training/ |
D | ggt.py | 250 mm = math_ops.matmul(m, m, transpose_a=True) 277 math_ops.matmul(m, moment1_2d, transpose_a=True), 278 transpose_a=True)))) 295 math_ops.matmul(m, moment1_2d, transpose_a=True), 296 transpose_a=True))))
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_MatMul.pbtxt | 4 name: "transpose_a" 18 "a" (after being transposed if transpose_a is true) must match the
|
D | api_def_QuantizedMatMul.pbtxt | 52 name: "transpose_a" 73 `a` (after being transposed if `transpose_a` is non-zero) must match the
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | triangular_solve_test.cc | 438 TriangularSolveOptions::Transpose transpose_a; member 465 /*unit_diagonal=*/false, spec.transpose_a); in XLA_TEST_P() 468 a_tri, spec.transpose_a != TriangularSolveOptions::NO_TRANSPOSE); in XLA_TEST_P() 485 for (TriangularSolveOptions::Transpose transpose_a : in TriangularSolveTests() 488 specs.push_back({m, n, left_side, lower, transpose_a}); in TriangularSolveTests()
|
/external/tensorflow/tensorflow/contrib/factorization/kernels/ |
D | masked_matmul_ops.cc | 74 const Tensor& transpose_a = context->input(3); in Compute() local 83 OP_REQUIRES(context, TensorShapeUtils::IsScalar(transpose_a.shape()), in Compute() 88 const bool adj_a = transpose_a.scalar<bool>()(); in Compute()
|
/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
D | triangular_solve_thunk.cc | 56 switch (options.transpose_a()) { in TriangularSolveThunk() 65 << options.transpose_a(); in TriangularSolveThunk()
|
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/ |
D | biasadd_matmul_test.py | 59 x2 = math_ops.matmul(x2, b, transpose_a=True) 68 x4 = math_ops.matmul(x4, b, transpose_b=True, transpose_a=True)
|
/external/tensorflow/tensorflow/contrib/rnn/python/ops/ |
D | gru_ops.py | 91 d_w_ru = math_ops.matmul(x_h_prev, d_r_bar_u_bar, transpose_a=True) 95 d_w_c = math_ops.matmul(x_h_prevr, d_c_bar, transpose_a=True)
|