/aosp_15_r20/external/eigen/Eigen/src/LU/ |
H A D | PartialPivLU_LAPACKE.h | 47 …static lapack_int blocked_lu(Index rows, Index cols, EIGTYPE* lu_data, Index luStride, lapack_int*… 56 a = lu_data; \
|
H A D | PartialPivLU.h | 416 * by the variables \a rows, \a cols, \a lu_data, and \a lu_stride using a 430 …static Index blocked_lu(Index rows, Index cols, Scalar* lu_data, Index luStride, PivIndex* row_tra… 432 MatrixTypeRef lu = MatrixType::Map(lu_data,rows, cols, OuterStride<>(luStride));
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_linalg.py | 5628 lu_data, lu_pivots = torch.linalg.lu_factor(x) 5631 torch.lu_unpack(lu_data, lu_pivots.long()) 5634 p, l, u = torch.lu_unpack(lu_data, lu_pivots, unpack_data=False) 5636 p, l, u = torch.lu_unpack(lu_data, lu_pivots, unpack_pivots=False) 5638 p, l, u = torch.lu_unpack(lu_data, lu_pivots, unpack_data=False, unpack_pivots=False) 7997 LU_data, LU_pivots, info = torch.linalg.lu_factor_ex(A) 7999 return b, A, LU_data, LU_pivots 8009 … b, A, LU_data, LU_pivots = self.lu_solve_test_helper((n, n), (n, k), pivot, device, dtype) 8010 x = torch.lu_solve(b, LU_data, LU_pivots) 8025 … b, A, LU_data, LU_pivots = self.lu_solve_test_helper(A_dims, b_dims, pivot, device, dtype) [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/linalg/ |
H A D | BatchLinearAlgebra.cpp | 2264 auto lu_data = LU.data_ptr<scalar_t>(); in apply_lu_solve_looped_magma() 2290 scalar_t* lu_working_ptr = &lu_data[lu_index_i * lu_stride]; in apply_lu_solve_looped_magma() 2328 auto lu_data = LU.data_ptr<scalar_t>(); in apply_lu_solve_batched_magma() 2352 lu_array[i] = &lu_data[i * lu_stride]; in apply_lu_solve_batched_magma()
|
H A D | BatchLinearAlgebraLib.cpp | 1512 auto lu_data = LU.data_ptr<scalar_t>(); in lu_solve_looped_cusolver() local 1533 lu_data + lu_index_i * lu_stride, in lu_solve_looped_cusolver()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | BatchLinearAlgebraKernel.cpp | 971 auto lu_data = LU.const_data_ptr<scalar_t>(); in apply_lu_solve() 995 const scalar_t* lu_working_ptr = &lu_data[lu_index_i * lu_stride]; in apply_lu_solve()
|
H A D | BatchLinearAlgebra.cpp | 2146 Tensor lu_solve(const Tensor& self, const Tensor& LU_data, const Tensor& LU_pivots) { in lu_solve() argument 2155 return at::linalg_lu_solve(LU_data, LU_pivots, self); in lu_solve() 2158 Tensor& lu_solve_out(const Tensor& self, const Tensor& LU_data, const Tensor& LU_pivots, Tensor& re… in lu_solve_out() argument 2167 return at::linalg_lu_solve_out(result, LU_data, LU_pivots, self); in lu_solve_out()
|
H A D | native_functions.yaml | 9411 - func: lu_solve.out(Tensor self, Tensor LU_data, Tensor LU_pivots, *, Tensor(a!) out) -> Tensor(a!) 9413 - func: lu_solve(Tensor self, Tensor LU_data, Tensor LU_pivots) -> Tensor 9417 - func: lu_unpack(Tensor LU_data, Tensor LU_pivots, bool unpack_data=True, bool unpack_pivots=True)… 9421 - func: lu_unpack.out(Tensor LU_data, Tensor LU_pivots, bool unpack_data=True, bool unpack_pivots=T…
|
/aosp_15_r20/external/pytorch/torch/csrc/inductor/aoti_torch/generated/ |
H A D | c_shim_cpu.h | 78 AOTI_TORCH_EXPORT AOTITorchError aoti_torch_cpu_lu_unpack(AtenTensorHandle LU_data, AtenTensorHandl…
|
H A D | c_shim_cuda.h | 87 AOTI_TORCH_EXPORT AOTITorchError aoti_torch_cuda_lu_unpack(AtenTensorHandle LU_data, AtenTensorHand…
|
/aosp_15_r20/external/pytorch/tools/autograd/ |
H A D | derivatives.yaml | 1052 - name: lu_unpack(Tensor LU_data, Tensor LU_pivots, bool unpack_data=True, bool unpack_pivots=True)… 1053 LU_data: lu_unpack_backward(grad_L, grad_U, LU_data.sym_size(-2), LU_data.sym_size(-1))
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/tensorexpr/ |
H A D | external_functions_codegen.cpp | 1876 const at::Tensor& LU_data = tensors[2]; in nnc_aten_lu_solve() local 1879 at::lu_solve_out(r, self, LU_data, LU_pivots); in nnc_aten_lu_solve()
|
/aosp_15_r20/external/pytorch/torch/ |
H A D | overrides.py | 652 torch.lu_unpack: lambda LU_data, LU_pivots, unpack_data=True, unpack_pivots=True: -1, 752 torch.lu_solve: lambda b, LU_data, LU_pivots, out=None: -1,
|
H A D | _torch_docs.py | 6280 lu_unpack(LU_data, LU_pivots, unpack_data=True, unpack_pivots=True, *, out=None) -> (Tensor, Tensor… 6290 LU_data (Tensor): the packed LU factorization data 6339 lu_solve(b, LU_data, LU_pivots, *, out=None) -> Tensor 6359 …LU_data (Tensor): the pivoted LU factorization of A from :meth:`~linalg.lu_factor` of size :math:`… 6364 :attr:`LU_data`.
|
H A D | _tensor_docs.py | 3119 lu_solve(LU_data, LU_pivots) -> Tensor
|
/aosp_15_r20/external/pytorch/torch/testing/_internal/ |
H A D | common_methods_invocations.py | 6071 lu_data, pivots = torch.linalg.lu_factor(lu_sample.input) 6072 lu_data.requires_grad_(requires_grad) 6073 yield SampleInput(lu_data, pivots).with_metadata(output_process_fn_grad=out_fn)
|
/aosp_15_r20/external/pytorch/torch/csrc/autograd/ |
H A D | FunctionsManual.cpp | 5693 // B_grad = P L^{-H} U^{-H} X_grad = lu_solve(X_grad, LU_data, LU_pivots,
|