/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 …]
|
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_grad.py | 1157 grad_a = gen_math_ops.mat_mul(grad, b, transpose_b=True) 1163 grad_a = gen_math_ops.mat_mul(b, grad, transpose_b=True) 1166 grad_a = gen_math_ops.mat_mul(b, grad, transpose_a=True, transpose_b=True) 1167 grad_b = gen_math_ops.mat_mul(grad, a, transpose_a=True, transpose_b=True) 1184 def _SparseMatMul(t1, t2, out_dtype, transpose_a=False, transpose_b=False): argument 1190 if transpose_b: 1192 transpose_b = False 1197 transpose_b=transpose_b, 1207 return (_SparseMatMul(grad, op.inputs[1], dtype_a, transpose_b=True), 1213 return (_SparseMatMul(op.inputs[1], grad, dtype_a, transpose_b=True), [all …]
|
/external/tensorflow/tensorflow/python/eager/ |
D | benchmarks_test.py | 62 transpose_b=False, argument 71 "transpose_b", transpose_b) 324 def _benchmark_np_matmul(self, m, transpose_b, num_iters): argument 326 b = a.T if transpose_b else a 330 def _benchmark_tf_matmul(self, m, transpose_b, num_iters, argument 332 func = lambda: math_ops.matmul(m, m, transpose_b=transpose_b) 335 def _benchmark_gen_math_ops_matmul(self, m, transpose_b, num_iters): argument 338 gen_math_ops.mat_mul(m, m, transpose_b=transpose_b) 342 def _benchmark_tfe_py_fastpath_execute_matmul(self, m, transpose_b, argument 346 c_tfe_py_fastpath_execute(m, m, transpose_b=transpose_b) [all …]
|
D | tape_test.py | 43 math_ops.matmul(dmm, b, transpose_b=True) + 44 math_ops.matmul(array_ops.ones_like(b * dr), b, transpose_b=True), 45 math_ops.matmul(a, dmm, transpose_b=True) + 46 math_ops.matmul(a, array_ops.ones_like(a) * dr, transpose_b=True)
|
/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 | 24 static Graph* Matmul(int m, int k, int n, bool transpose_a, bool transpose_b, in Matmul() argument 29 Tensor in1(type, transpose_b ? TensorShape({n, k}) : TensorShape({k, n})); in Matmul() 32 test::graph::Constant(g, in1), transpose_a, transpose_b); in Matmul()
|
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 | matmul_op.cc | 270 bool transpose_b = dim_pair[0].second == 1; in launch() local 272 auto blas_transpose_b = trans[transpose_b]; 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() 371 transpose_b ? k : n, a_ptr, transpose_a ? m : k, beta, in launch() 412 1.0f, b_ptr, transpose_b ? k : n, a_ptr, in launch()
|
D | mkl_matmul_op.cc | 96 bool transpose_b = dim_pair[0].second == 1; in Compute() local 102 MklBlasGemm(transpose_a, transpose_b, m, n, k, a_ptr, transpose_a ? m : k, in Compute() 103 b_ptr, transpose_b ? k : n, c_ptr, n); in Compute()
|
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()
|
D | quantized_conv_ops.cc | 377 const bool transpose_b = false; in operator ()() local 391 meta::QuantizedGemm(context, transpose_a, transpose_b, im2col_buffer, in operator ()() 416 !transpose_b ? gemmlowp::MapOrder::RowMajor in operator ()() 440 transpose_a, transpose_b, transpose_c, m, n, k, im2col_buffer, in operator ()()
|
D | meta_support.cc | 221 bool transpose_b, const quint8* a_data, const quint8* b_data, in QuantizedGemm() argument 227 if (transpose_b) { in QuantizedGemm() 239 if (transpose_b) { in QuantizedGemm()
|
/external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/ |
D | masked_matmul_benchmark.py | 63 transpose_a=False, transpose_b=False): argument 84 b_shape = b_shape if not transpose_b else [b_shape[1], b_shape[0]] 92 a_ph, b_ph, mask_indices_ph, transpose_a, transpose_b) 117 tr_b=int(transpose_b), 134 for transpose_b in [False, True]: 140 transpose_b)
|
D | masked_matmul_ops_test.py | 60 def _runTestMaskedProduct(self, transpose_a, transpose_b): argument 63 b = self._b if not transpose_b else array_ops.transpose(self._b) 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> 89 transpose_b ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmImpl() 110 template <bool transpose_a, bool transpose_b, bool transpose_c> 124 transpose_b ? MapOrder::RowMajor : MapOrder::ColMajor; in EightBitIntGemmInt32Impl() 220 bool CanHandleMetaFastpath(bool transpose_a, bool transpose_b, bool transpose_c, in CanHandleMetaFastpath() argument 234 if (!IsColumnMajorOrVector(transpose_b, ldb, k, n)) { 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 | 230 transpose_b=False, argument 322 transpose_b=transpose_b, 333 transpose_b=transpose_b and still_need_to_transpose, 415 transpose_b=False, argument 456 b_eq_sz_ = b.shape[-2 if adjoint_b or transpose_b else -1] 474 elif transpose_b:
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | matmul_op_test.py | 250 for adjoint_b, transpose_b in trans_options: 253 transpose_a, adjoint_b, transpose_b) 262 transpose_b=transpose_b)) 271 transpose_b=transpose_b))
|
/external/tensorflow/tensorflow/contrib/factorization/kernels/ |
D | masked_matmul_ops.cc | 75 const Tensor& transpose_b = context->input(4); in Compute() local 85 OP_REQUIRES(context, TensorShapeUtils::IsScalar(transpose_b.shape()), in Compute() 89 const bool adj_b = transpose_b.scalar<bool>()(); in Compute()
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/ |
D | rnn_cell.py | 456 transpose_b=True), self.input_bias) 462 transpose_b=True), self.forget_bias) 468 transpose_b=True), self.output_bias) 474 transpose_b=True), self.cell_bias)
|
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/ |
D | biasadd_matmul_test.py | 64 x3 = math_ops.matmul(x, b, transpose_b=True) 68 x4 = math_ops.matmul(x4, b, transpose_b=True, transpose_a=True)
|
/external/tensorflow/tensorflow/contrib/gan/python/eval/python/ |
D | classifier_metrics_impl.py | 116 math_ops.matmul(u, array_ops.diag(si)), v, transpose_b=True) 1096 k_rr = (math_ops.matmul(r, r, transpose_b=True) / dim + 1)**3 1097 k_rg = (math_ops.matmul(r, g, transpose_b=True) / dim + 1)**3 1098 k_gg = (math_ops.matmul(g, g, transpose_b=True) / dim + 1)**3
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
D | linear_operator_util_test.py | 292 x, y, transpose_a=True, transpose_b=True) 295 x_broadcast, y, transpose_a=True, transpose_b=True) 315 x_ph, y_ph, transpose_a=True, transpose_b=True) 318 x_broadcast, y, transpose_a=True, transpose_b=True)
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_MatMul.pbtxt | 10 name: "transpose_b"
|