Home
last modified time | relevance | path

Searched refs:matmul (Results 1 – 25 of 325) sorted by relevance

12345678910>>...13

/external/tensorflow/tensorflow/python/ops/
Dlinalg_grad.py42 return -math_ops.matmul(
43 ainv, math_ops.matmul(grad, ainv, adjoint_b=True), adjoint_a=True)
148 middle = math_ops.matmul(l, grad, adjoint_a=True)
153 grad_a = math_ops.matmul(
154 math_ops.matmul(l_inverse, middle, adjoint_a=True), l_inverse)
173 qdq = math_ops.matmul(q, dq, adjoint_a=True)
175 rdr = math_ops.matmul(r, dr, adjoint_b=True)
185 grad_a = math_ops.matmul(q, dr + _TriangularSolve(tril, r))
186 grad_b = _TriangularSolve(dq - math_ops.matmul(q, qdq), r)
198 grad_a = -math_ops.matmul(c, grad_b, adjoint_b=True)
[all …]
/external/tensorflow/tensorflow/compiler/aot/tests/
Dtfcompile_test.cc227 foo::bar::MatMulComp matmul; in TEST() local
228 matmul.set_thread_pool(&device); in TEST()
229 EXPECT_EQ(matmul.arg0_data(), matmul.arg_data(0)); in TEST()
230 EXPECT_EQ(matmul.arg1_data(), matmul.arg_data(1)); in TEST()
234 matmul.arg0(0, 0) = 1; in TEST()
235 matmul.arg0(0, 1) = 2; in TEST()
236 matmul.arg0(0, 2) = 3; in TEST()
237 matmul.arg0(1, 0) = 4; in TEST()
238 matmul.arg0(1, 1) = 5; in TEST()
239 matmul.arg0(1, 2) = 6; in TEST()
[all …]
/external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/state_space_models/
Dkalman_filter.py169 math_ops.matmul(
206 prior_variance_transitioned = math_ops.matmul(
207 math_ops.matmul(transition_matrices, prior_state_var),
242 kalman_solve_rhs = math_ops.matmul(
252 math_ops.matmul(
257 gain_obs = math_ops.matmul(
265 posterior_state_var = math_ops.matmul(identity_minus_factor,
279 left_multiplied_state_var = math_ops.matmul(identity_minus_factor,
281 multiplied_state_var = math_ops.matmul(
284 return (multiplied_state_var + math_ops.matmul(
[all …]
Dtest_utils.py42 true_single_step_update = math_ops.matmul(previous_matrix,
79 starting_transitioned = math_ops.matmul(
80 math_ops.matmul(transition_matrix, starting_noise),
88 evaled_noise_addition_transformed = math_ops.matmul(
89 math_ops.matmul(noise_transform, evaled_noise_addition),
/external/tensorflow/tensorflow/python/eager/
Dtape_test.py38 mm = math_ops.matmul(a, b)
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)
89 mm = math_ops.matmul(a, b)
96 math_ops.matmul(
103 mm = math_ops.matmul(a, b)
110 math_ops.matmul(
117 mm = math_ops.matmul(a, b)
[all …]
Dfunction_test.py102 matmul = def_function.function(math_ops.matmul, autograph=False)
104 sq = matmul(t, t, transpose_a=True)
105 sq2 = matmul(sq, t, transpose_a=True)
263 matmul = def_function.function(math_ops.matmul, autograph=False)
267 return matmul(a, a)
271 self.assertAllEqual(out, math_ops.matmul(t, t).numpy())
275 matmul = def_function.function(math_ops.matmul, autograph=False)
281 return matmul(inputs.a['a'], inputs.b['b'])
286 self.assertAllEqual(out, math_ops.matmul(t, t).numpy())
290 matmul = def_function.function(math_ops.matmul, autograph=False)
[all …]
/external/tensorflow/tensorflow/python/ops/linalg/
Dlinalg_impl.py133 matrix_2 = math_ops.matmul(matrix, matrix)
135 matrix_u = math_ops.matmul(matrix, tmp)
147 matrix_2 = math_ops.matmul(matrix, matrix)
148 matrix_4 = math_ops.matmul(matrix_2, matrix_2)
150 matrix_u = math_ops.matmul(matrix, tmp)
162 matrix_2 = math_ops.matmul(matrix, matrix)
163 matrix_4 = math_ops.matmul(matrix_2, matrix_2)
164 matrix_6 = math_ops.matmul(matrix_4, matrix_2)
166 matrix_u = math_ops.matmul(matrix, tmp)
181 matrix_2 = math_ops.matmul(matrix, matrix)
[all …]
/external/tensorflow/tensorflow/contrib/opt/python/training/
Dmatrix_functions.py51 current_iterate = 0.5 * (3.0 * identity - math_ops.matmul(mat_z, mat_y))
52 current_mat_y = math_ops.matmul(mat_y, current_iterate)
53 current_mat_z = math_ops.matmul(current_iterate, mat_z)
56 mat_a_approx = math_ops.matmul(mat_sqrt_a, mat_sqrt_a)
121 power = math_ops.matmul(mat_m, power) if power is not None else mat_m
123 mat_m = math_ops.matmul(mat_m, mat_m)
133 return (i + 1, math_ops.matmul(mat_power(mat_m_i, -1.0 / alpha), mat_m),
134 math_ops.matmul(mat_x, mat_m_i))
Dggt.py250 mm = math_ops.matmul(m, m, transpose_a=True)
269 head = math_ops.matmul(
271 math_ops.matmul(
273 math_ops.matmul(
275 math_ops.matmul(
277 math_ops.matmul(m, moment1_2d, transpose_a=True),
285 tail = moment1_2d - math_ops.matmul(
287 math_ops.matmul(
289 math_ops.matmul(
293 math_ops.matmul(
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_identity_test.py89 y = operator.matmul(x)
156 operator.matmul(x)
166 y = operator.matmul(x)
178 operator_matmul = operator.matmul(x)
193 operator_matmul = operator.matmul(x)
218 operator_matmul = operator.matmul(x)
244 operator_matmul = operator.matmul(x)
384 y = operator.matmul(x)
398 operator.matmul(x)
408 y = operator.matmul(x)
[all …]
Dlinear_operator_lower_triangular_test.py84 operator_matmul = operator1.matmul(operator2)
89 math_ops.matmul(
94 operator_matmul = operator2.matmul(operator1)
99 math_ops.matmul(
Dlinear_operator_test.py89 return math_ops.matmul(
222 operator_matmul = operator1.matmul(operator1)
237 operator_matmul = operator2.matmul(operator2)
255 operator_matmul = operator1.matmul(operator1)
270 operator_matmul = operator2.matmul(operator2)
287 self.assertTrue(operator1.matmul(operator2).is_square)
288 self.assertTrue(operator2.matmul(operator1).is_square)
289 self.assertFalse(operator1.matmul(operator3).is_square)
Dlinear_operator_diag_test.py151 operator_matmul = operator.matmul(x)
152 mat_matmul = math_ops.matmul(mat, x)
166 operator_matmul = operator1.matmul(operator2)
172 operator_matmul = operator2.matmul(operator1)
178 operator_matmul = operator1.matmul(operator3)
184 operator_matmul = operator3.matmul(operator1)
/external/tensorflow/tensorflow/c/eager/
Dc_api_test.cc49 TFE_Op* matmul = MatMulOp(ctx, m, m); in BM_InitOp() local
50 TFE_DeleteOp(matmul); in BM_InitOp()
71 TFE_Op* matmul = MatMulOp(ctx, m, m); in BM_Execute() local
76 TFE_Execute(matmul, &retvals[0], &num_retvals, status); in BM_Execute()
83 TFE_DeleteOp(matmul); in BM_Execute()
170 TFE_Op* matmul = MatMulOp(ctx, h0_task1, h1_task1); in TestRemoteExecute() local
171 TFE_OpSetDevice(matmul, remote_device_name, status); in TestRemoteExecute()
176 TFE_Execute(matmul, &retvals[0], &num_retvals, status); in TestRemoteExecute()
196 TFE_DeleteOp(matmul); in TestRemoteExecute()
252 TFE_Op* matmul = MatMulOp(ctx, h0_task0, h1_task2); in TestRemoteExecuteSilentCopies() local
[all …]
Dc_api_experimental_test.cc52 TFE_Op* matmul = MatMulOp(ctx, m, m); in ExecuteWithProfiling() local
59 TFE_OpSetDevice(matmul, gpu_device_name.c_str(), status); in ExecuteWithProfiling()
61 const char* device_name = TFE_OpGetDevice(matmul, status); in ExecuteWithProfiling()
65 TFE_Execute(matmul, &retvals[0], &num_retvals, status); in ExecuteWithProfiling()
67 TFE_DeleteOp(matmul); in ExecuteWithProfiling()
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
Dmvn_diag_plus_low_rank_test.py143 true_scale = np.diag(diag_large) + np.matmul(np.matmul(
145 true_covariance = np.matmul(true_scale, true_scale.T)
182 sample_covariance = math_ops.matmul(x, x, transpose_a=True) / n
375 np.eye(3) + np.matmul(np.matmul(u[0], np.diag(m[0])),
377 np.eye(3) + np.matmul(np.matmul(u[1], np.diag(m[1])),
380 cov = np.stack([np.matmul(scale[0], scale[0].T),
381 np.matmul(scale[1], scale[1].T)])
/external/tensorflow/tensorflow/cc/profiler/
Dprofiler_test.cc137 const GraphNodeProto* matmul = ExtractNode(ret, "y"); in TEST_F() local
138 EXPECT_TRUE(matmul); in TEST_F()
139 EXPECT_GT(matmul->exec_micros(), 0); in TEST_F()
141 EXPECT_GT(matmul->accelerator_exec_micros(), 0); in TEST_F()
143 EXPECT_EQ(matmul->accelerator_exec_micros(), 0); in TEST_F()
/external/tensorflow/tensorflow/python/kernel_tests/
Dmatmul_op_test.py91 res = math_ops.matmul(a, b, **kwargs_)
96 res = math_ops.matmul(a, b, **kwargs_)
132 lambda x: math_ops.matmul(x, effective_b_np, **kwargs_),
138 lambda x: math_ops.matmul(effective_a_np, x, **kwargs_),
152 math_ops.matmul(a, b)
163 math_ops.matmul(a, b, transpose_a=True)
173 infix_matmul = operator.matmul
221 d = math_ops.matmul(a, b)
Dcholesky_op_test.py51 middle = math_ops.matmul(l, grad, adjoint_a=True)
55 grad_a = math_ops.matmul(
56 math_ops.matmul(l_inverse, middle, adjoint_a=True), l_inverse)
65 middle = math_ops.matmul(l, grad, adjoint_a=True)
117 verification = math_ops.matmul(chol, chol, adjoint_b=True)
189 matrix1 = math_ops.matmul(matrix1, matrix1, adjoint_a=True)
190 matrix2 = math_ops.matmul(matrix2, matrix2, adjoint_a=True)
257 data = np.matmul(data, data.T)
283 tensor = math_ops.matmul(
295 tensor = math_ops.matmul(
/external/tensorflow/tensorflow/contrib/distributions/python/ops/
Dvector_laplace_linear_operator.py278 return 2. * self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)
286 2. * self.scale.matmul(self.scale.to_dense()))
289 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True))
297 self.scale.matmul(self.scale.to_dense())))
300 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)))
Dvector_exponential_linear_operator.py254 return self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)
262 self.scale.matmul(self.scale.to_dense()))
265 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True))
273 array_ops.matrix_diag_part(self.scale.matmul(self.scale.to_dense())))
277 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)))
Dmvn_linear_operator.py249 return self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)
257 self.scale.matmul(self.scale.to_dense()))
260 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True))
268 self.scale.matmul(self.scale.to_dense())))
271 self.scale.matmul(self.scale.to_dense(), adjoint_arg=True)))
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/
Dbiasadd_matmul_test.py53 x1 = math_ops.matmul(x, b)
59 x2 = math_ops.matmul(x2, b, transpose_a=True)
64 x3 = math_ops.matmul(x, b, transpose_b=True)
68 x4 = math_ops.matmul(x4, b, transpose_b=True, transpose_a=True)
73 x5 = math_ops.matmul(x, b)
/external/tensorflow/tensorflow/examples/speech_commands/
Dmodels.py196 logits = tf.matmul(fingerprint_input, weights) + bias
314 final_fc = tf.matmul(flattened_second_conv, final_fc_weights) + final_fc_bias
413 first_fc = tf.matmul(flattened_first_conv, first_fc_weights) + first_fc_bias
427 second_fc = tf.matmul(second_fc_input, second_fc_weights) + second_fc_bias
441 final_fc = tf.matmul(final_fc_input, final_fc_weights) + final_fc_bias
590 outputs = tf.matmul(activations_time, weights_time)
623 first_fc = tf.matmul(first_dropout, first_fc_weights) + first_fc_bias
637 second_fc = tf.matmul(second_fc_input, second_fc_weights) + second_fc_bias
651 final_fc = tf.matmul(final_fc_input, final_fc_weights) + final_fc_bias
742 tf.matmul(flattened_first_dropout, final_fc_weights) + final_fc_bias)
/external/tensorflow/tensorflow/contrib/eager/python/
Dremote_test.py107 mm_defun = function.defun(math_ops.matmul)
123 y = math_ops.matmul(x1, x2)
180 y = math_ops.matmul(x1, x1)
195 y = math_ops.matmul(x1, x1)
206 y = math_ops.matmul(x1, x2)
216 y = math_ops.matmul(x1, x2)

12345678910>>...13