Lines Matching defs:device

88     def test_inner(self, device, dtype):  argument
125 def test_outer(self, device, dtype): argument
161 def test_matrix_rank_removed_error(self, device): argument
166 def test_solve_removed_error(self, device): argument
174 def test_eig_removed_error(self, device): argument
181 def test_symeig_removed_error(self, device): argument
188 def test_lstsq_removed_error(self, device): argument
199 def test_linalg_lstsq(self, device, dtype): argument
349 def test_linalg_lstsq_batch_broadcasting(self, device, dtype): argument
388 def test_linalg_lstsq_input_checks(self, device, dtype): argument
450 def complement_device(device): argument
490 def test_cholesky(self, device, dtype): argument
536 def test_cholesky_errors_and_warnings(self, device, dtype): argument
600 def test_old_cholesky_batched_many_batches(self, device, dtype): argument
603 def cholesky_test_helper(n, batchsize, device, upper): argument
624 def test_old_cholesky_batched(self, device, dtype): argument
642 def test_old_cholesky(self, device, dtype): argument
665 def test_old_cholesky_empty(self, device, dtype): argument
681 def test_old_cholesky_batched_upper(self, device, dtype): argument
696 def test_cholesky_ex(self, device, dtype): argument
727 def test_cholesky_ex_non_pd(self, device, dtype): argument
750 def _test_addr_vs_numpy(self, device, dtype, beta=1, alpha=1): argument
801 def test_addr_bool(self, device, dtype): argument
808 def test_addr_integral(self, device, dtype): argument
829 def test_addr_float_and_complex(self, device, dtype): argument
846 def test_outer_type_promotion(self, device, dtypes): argument
854 def test_addr_type_promotion(self, device): argument
869 def test_outer_ger_addr_legacy_tests(self, device): argument
894 def test_det(self, device, dtype): argument
920 def test_eigh(self, device, dtype): argument
957 def test_eigh_lower_uplo(self, device, dtype): argument
974 def test_eigh_errors_and_warnings(self, device, dtype): argument
1029 def test_eigh_svd_illcondition_matrix_input_should_not_crash(self, device, dtype): argument
1051 def test_eigvalsh(self, device, dtype): argument
1075 def test_eigvalsh_errors_and_warnings(self, device, dtype): argument
1112 def test_kron(self, device, dtype): argument
1133 def test_kron_empty(self, device, dtype): argument
1151 def test_kron_errors_and_warnings(self, device, dtype): argument
1171 def test_norm_dtype(self, device, dtype): argument
1231 def test_norm_bfloat16_and_half(self, device, dtype): argument
1248 def test_vector_norm(self, device, dtype): argument
1322 def test_vector_norm_dim_tuple_arg(self, device): argument
1347 def test_norm_vector(self, device, dtype): argument
1387 def test_norm_matrix(self, device, dtype): argument
1429 def test_norm_fused_type_promotion(self, device, dtype): argument
1448 def test_cond(self, device, dtype): argument
1508 def test_cond_errors_and_warnings(self, device, dtype): argument
1573 def test_norm_errors(self, device, dtype): argument
1615 def test_norm_complex(self, device, dtype): argument
1656 def test_vector_norm_extreme_values(self, device): argument
1671 def test_vector_norm_reduce_over_1D_vector(self, device, dtype): argument
1697 def test_matrix_norm(self, device, dtype): argument
1721 def test_norm_extreme_values(self, device): argument
1771 def test_norm_vector_degenerate_shapes(self, device, dtype): argument
1805 def test_norm_matrix_degenerate_shapes(self, device, dtype): argument
1845 def test_norm_fastpaths(self, device): argument
1878 def test_eig_numpy(self, device, dtype): argument
1925 def test_eig_compare_backends(self, device, dtype): argument
1957 def test_eig_check_magma(self, device, dtype): argument
1968 def test_eig_errors_and_warnings(self, device, dtype): argument
2030 def test_eig_with_nan(self, device, dtype): argument
2044 def test_eigvals_numpy(self, device, dtype): argument
2088 def test_eigvals_compare_backends(self, device, dtype): argument
2135 def test_eigvals_errors_and_warnings(self, device, dtype): argument
2178 def test_norm_old(self, device): argument
2264 def test_norm_old_nan_propagation(self, device): argument
2275 def test_norm_complex_old(self, device): argument
2302 def test_norm_fro_2_equivalence_old(self, device, dtype): argument
2349 def test_nuclear_norm_axes_small_brute_force_old(self, device): argument
2425 def test_nuclear_norm_exceptions_old(self, device): argument
2439 def test_svd_lowrank(self, device, dtype): argument
2442 def run_subtest(actual_rank, matrix_size, batches, device, svd_lowrank, **options): argument
2510 def test_svd(self, device, dtype): argument
2562 def test_invariance_error_spectral_decompositions(self, device, dtype): argument
2584 def test_svd_memory_allocation(self, device, dtype): argument
2595 def cholesky_solve_test_helper(self, A_dims, b_dims, upper, device, dtype): argument
2608 def test_cholesky_solve(self, device, dtype): argument
2619 def test_cholesky_solve_batched(self, device, dtype): argument
2640 def test_cholesky_solve_batched_many_batches(self, device, dtype): argument
2653 def test_cholesky_solve_batched_broadcasting(self, device, dtype): argument
2682 def test_cholesky_solve_out_errors_and_warnings(self, device, dtype): argument
2709 def test_cholesky_solve_backward(self, device, dtype): argument
2726 def test_inverse(self, device, dtype): argument
2796 def test_inv_ex_info_device(self, device, dtype): argument
2804 def test_inv_ex_singular(self, device, dtype): argument
2834 def test_inverse_many_batches(self, device, dtype): argument
2855 def test_inverse_errors(self, device, dtype): argument
2875 def test_inverse_errors_large(self, device, dtype): argument
2887 def test_pinv(self, device, dtype): argument
2947 def test_pinv_errors_and_warnings(self, device, dtype): argument
3000 def test_inv_errors_and_warnings(self, device, dtype): argument
3057 def solve_test_helper(self, A_dims, b_dims, device, dtype): argument
3069 def test_solve(self, device, dtype): argument
3097 def test_solve_batched_broadcasting(self, device, dtype): argument
3119 def test_tensorsolve(self, device, dtype): argument
3141 def test_tensorsolve_empty(self, device, dtype): argument
3151 def test_tensorsolve_errors_and_warnings(self, device, dtype): argument
3185 def test_tensorinv(self, device, dtype): argument
3215 def test_tensorinv_empty(self, device, dtype): argument
3226 def test_tensorinv_errors_and_warnings(self, device, dtype): argument
3278 def test_tensorinv_singular_input(self, device, dtype): argument
3292 def _test_dot_vdot_vs_numpy(self, device, dtype, torch_fn, np_fn): argument
3330 def test_dot_vs_numpy(self, device, dtype): argument
3335 def test_vdot_vs_numpy(self, device, dtype): argument
3338 def _test_dot_vdot_invalid_args(self, device, torch_fn, complex_dtypes=False): argument
3359 def test_vdot_invalid_args(self, device): argument
3364 def test_dot_invalid_args(self, device): argument
3371 def test_matrix_rank(self, device, dtype): argument
3414 def test_matrix_rank_atol(self, device, dtype): argument
3443 def test_matrix_rank_atol_rtol(self, device, dtype): argument
3470 def test_matrix_rank_empty(self, device, dtype): argument
3507 def test_matrix_rank_out_errors_and_warnings(self, device, dtype): argument
3533 def test_matrix_rank_basic(self, device, dtype): argument
3547 def test_chain_matmul(self, device, dtype): argument
3561 def test_multi_dot(self, device, dtype): argument
3596 def test_multi_dot_errors(self, device, dtype): argument
3626 def test_qr(self, device, dtype): argument
3672 def test_qr_vs_numpy(self, device, dtype): argument
3704 def test_linalg_qr_autograd_errors(self, device, dtype): argument
3725 def test_qr_batched(self, device, dtype): argument
3767 def test_qr_error_cases(self, device, dtype): argument
3797 def test_einsum(self, device, dtype): argument
3863 def test_einsum_sublist_format(self, device, dtype): argument
3889 def test_einsum_random(self, device, dtype): argument
3996 def test_einsum_corner_cases(self, device): argument
4036 def test_einsum_error_cases(self, device): argument
4070 … def _gen_shape_inputs_linalg_triangular_solve(self, shape, dtype, device, well_conditioned=False): argument
4144 def test_linalg_solve_triangular(self, device, dtype): argument
4162 def test_linalg_solve_triangular_large(self, device, dtype): argument
4175 def test_linalg_solve_triangular_broadcasting(self, device, dtype): argument
4207 device, dtype): argument
4224 def test_triangular_solve(self, device, dtype): argument
4242 def test_triangular_solve_batched(self, device, dtype): argument
4293 def test_triangular_solve_batched_many_batches(self, device, dtype): argument
4323 def test_triangular_solve_batched_broadcasting(self, device, dtype): argument
4339 def run_test(A_dims, b_dims, device, upper, transpose, unitriangular): argument
4357 def test_triangular_solve_large(self, device, dtype): argument
4367 def test_triangular_solve_out_errors_and_warnings(self, device, dtype): argument
4461 def test_matmul_small_brute_force_1d_Nd(self, device, dtype): argument
4476 def test_matmul_small_brute_force_2d_Nd(self, device, dtype): argument
4491 def test_matmul_small_brute_force_3d_Nd(self, device, dtype): argument
4505 def test_matmul_small_brute_force_tunableop(self, device, dtype): argument
4566 def test_bmm_tunableop_rocm(self, device, dtype): argument
4620 def test_numeric_check_leak_tunableop_rocm(self, device, dtype): argument
4661 def test_validator_tunableop_rocm(self, device, dtype): argument
4698 def test_minimum_tuning_iteration_tunableop(self, device, dtype): argument
4764 def test_matmul_check_entries_tunableop(self, device, dtype): argument
4810 def test_bmm_tunableop_rocm(self, device, dtype): argument
4852 def test_numeric_check_leak_tunableop_rocm(self, device, dtype): argument
4892 def test_matmul_out_kernel_errors_with_autograd(self, device, dtype): argument
4907 def test_large_bmm_mm_backward(self, device): argument
4917 def test_large_bmm_backward(self, device): argument
4925 def test_linear_algebra_scalar_raises(self, device) -> None: argument
4933 def test_cross(self, device, dtype): argument
4942 def test_linalg_cross(self, device, dtype): argument
4959 def test_cross_with_and_without_dim(self, device, dtype): argument
4969 def test_linalg_cross_with_and_without_dim(self, device, dtype): argument
4978 def test_renorm(self, device): argument
5014 def test_ormqr(self, device, dtype): argument
5058 def test_ormqr_errors_and_warnings(self, device, dtype): argument
5075 def test_blas_empty(self, device): argument
5155 def test_corner_cases_of_cublasltmatmul(self, device, dtype): argument
5180 def test_hipblaslt_corner_cases_rocm(self, device, dtype): argument
5220 def test_blas_alpha_beta_empty(self, device, dtype): argument
5256 def test_blas_nan_out(self, device, dtype): argument
5283 def test_blas_mv_large_input(self, device): argument
5296 def test_renorm_ps(self, device): argument
5308 def test_householder_product(self, device, dtype): argument
5367 def test_householder_product_errors_and_warnings(self, device): argument
5417 def test_linalg_lu_family(self, device, dtype): argument
5527 def test_linalg_lu_solve(self, device, dtype): argument
5567 def test_linalg_lu_cpu_errors(self, device, dtype): argument
5626 def test_lu_unpack_check_input(self, device, dtype): argument
5644 def test_lobpcg_basic(self, device, dtype): argument
5650 def test_lobpcg_ortho(self, device, dtype): argument
5657 def _test_lobpcg_method(self, device, dtype, method): argument
5775 def test_lobpcg_torchscript(self, device, dtype): argument
5794 def test_lobpcg_scipy(self, device, dtype): argument
6000 def test_addmv(self, device, dtype): argument
6038 def test_addmv_rowmajor_colmajor_incx_incy_lda(self, device, dtype): argument
6065 def _test_addmm_impl(self, func, activation, device, dtype): argument
6111 def test_addmm(self, device, dtype): argument
6121 def test_addmm_relu(self, device, dtype): argument
6133 def test_addmm_relu_tunableop_rocm(self, device, dtype): argument
6158 def test_addmm_gelu(self, device, dtype): argument
6165 def test_addmm_sizes(self, device, dtype): argument
6181 def test_addmm_baddbmm_overflow(self, device, dtype): argument
6204 def test_baddbmm_nan_input_with_zero_beta(self, device, dtype): argument
6218 def test_baddbmm_input_dtypes_compatibility(self, device, dtype): argument
6234 def test_matmul_45724(self, device): argument
6251 def test__int_mm(self, device, k, n, use_transpose_a, use_transpose_b): argument
6320 def test__int_mm_errors(self, device): argument
6369 def test__int_mm_cpu(self, device, m, k, n, use_transpose_a, use_transpose_b, non_contig_type): argument
6408 def test__convert_weight_to_int4pack(self, device): argument
6432 def test__int4_mm(self, device, m, k, n): argument
6481 def test_compile_int4_mm(self, device, m, k, n): argument
6519 def test__int8_mm(self, device, m, k, n): argument
6546 def test_compile_int8_mm(self, device, m, k, n): argument
6573 def test_fp16_mv_transposed_first_argument_arm_cpu(self, device, m, k): argument
6598 def test_mm(self, device, dtype): argument
6699 def test_mm_bmm_non_memory_dense(self, device): argument
6731 def test_mm_conjtranspose(self, device): argument
6751 def test_mm_empty_inputs_mixed_dtype_errors(self, device): argument
6759 def test_strided_mm_bmm(self, device, dtype): argument
6778 def test_bmm(self, device, dtype): argument
6891 def test_addbmm(self, device, dtype): argument
6965 def test_baddbmm(self, device, dtype): argument
7032 def test_pinverse(self, device, dtype): argument
7066 def test_matrix_power_non_negative(self, device, dtype): argument
7083 def test_matrix_power_negative(self, device, dtype): argument
7104 def test_linalg_matrix_exp_utils(self, device, dtype): argument
7146 def test_linalg_matrix_exp_no_warnings(self, device, dtype): argument
7159 def test_linalg_matrix_exp_boundary_cases(self, device, dtype): argument
7178 def test_linalg_matrix_exp_perverse_nan_values(self, device, dtype): argument
7202 def test_linalg_matrix_exp_analytic(self, device, dtype): argument
7312 def test_linalg_matrix_exp_batch(self, device, dtype): argument
7347 def test_linalg_matrix_exp_compare_with_taylor(self, device, dtype): argument
7448 def test_slogdet(self, device, dtype): argument
7498 def test_slogdet_errors_and_warnings(self, device, dtype): argument
7539 def test_det_logdet_slogdet(self, device, dtype): argument
7710 def test_det_logdet_slogdet_batched(self, device, dtype): argument
7761 def test_cholesky_inverse(self, device, dtype): argument
7809 def test_cholesky_inverse_errors_and_warnings(self, device, dtype): argument
7885 def test_broadcast_fused_matmul(self, device): argument
7924 def test_broadcast_batched_matmul(self, device): argument
7991 def lu_solve_test_helper(self, A_dims, b_dims, pivot, device, dtype): argument
8006 def test_lu_solve(self, device, dtype): argument
8022 def test_lu_solve_batched(self, device, dtype): argument
8052 def test_lu_solve_batched_many_batches(self, device, dtype): argument
8065 def test_lu_solve_batched_broadcasting(self, device, dtype): argument
8089 def test_lu_solve_large_matrices(self, device, dtype): argument
8100 def test_pca_lowrank(self, device): argument
8105 def run_subtest(guess_rank, actual_rank, matrix_size, batches, device, pca, **options): argument
8181 def test_nuclear_norm_out(self, device, dtype): argument
8206 def test_geqrf(self, device, dtype): argument
8237 def test_lapack_empty(self, device): argument
8261 def test_tensordot(self, device): argument
8296 def test_ldl_factor(self, device, dtype): argument
8364 def test_ldl_solve(self, device, dtype): argument
8496 def test_addmm_mv(self, device, dtype, transpose_a, transpose_b, alpha, beta): argument
8514 def test_1_sized_with_0_strided(self, device, dtype): argument