/external/pytorch/aten/src/ATen/native/ |
D | TriangularOps.cpp | 29 TORCH_META_FUNC(triu)(const Tensor& self, int64_t k) { in TORCH_META_FUNC() argument 30 TORCH_CHECK(self.dim() >= 2, "triu: input tensor must have at least 2 dimensions") in TORCH_META_FUNC() 39 // ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ triu/tril ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ 129 static constexpr const char* op_name = "triu";
|
D | TriangularOpsUtils.h | 8 * computes the number of batches for Triu and Tril. This ignores stride 0 dimension 20 /* Checks a necessary property for the triu and tril implementations, hence the name.
|
D | ts_native_functions.yaml | 137 - triu
|
/external/pytorch/test/jit/ |
D | test_parametrization.py | 22 return X.triu() + X.triu(1).mT
|
/external/pytorch/test/torch_np/numpy_tests/lib/ |
D | test_twodim_base.py | 338 c = np.triu(a) 371 a_triu_observed = np.triu(a) 383 assert_array_equal(np.triu(arr), out_triu) 388 # tril and triu should return the same dtype as input 391 assert_equal(np.triu(arr).dtype, arr.dtype) 397 iu = mask_indices(3, np.triu) 401 iu1 = mask_indices(3, np.triu, 1)
|
/external/pytorch/torch/onnx/ |
D | symbolic_opset14.py | 32 "triu", 53 @_onnx_symbolic("aten::triu") 54 def triu(g: jit_utils.GraphContext, self, diagonal, out=None): function
|
/external/executorch/extension/llm/custom_ops/ |
D | test_sdpa_with_kv_cache.py | 53 self.mask = torch.triu(self.mask, diagonal=1) 250 self.mask = torch.triu(self.mask, diagonal=1) 318 self.mask = torch.triu(self.mask, diagonal=1) 385 self.mask = torch.triu(self.mask, diagonal=1)
|
/external/pytorch/aten/src/ATen/native/cuda/ |
D | TriangularOps.cu | 35 // ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ triu/tril ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ 155 triu_tril_cuda_template<true>(result, self, k, "triu"); in TORCH_IMPL_FUNC()
|
D | TensorFactories.cu | 138 // for triu: in resolve_root_int() 197 // View the triu as a top rectangle stacked on a bottom trapezoid, where the 361 // # of triu elements in the first row in triu_indices_cuda()
|
/external/pytorch/functorch/dim/ |
D | README.md | 508 def triu(A): 512 triu(torch.rand(3, 4)) 606 ### Puzzle 6 - triu 608 Compute [triu](https://numpy.org/doc/stable/reference/generated/numpy.triu.html) - the upper triang… 619 def triu(j: int):
|
/external/executorch/extension/gguf_util/converters/ |
D | llama_converter.py | 86 mask = torch.triu(mask, diagonal=1)
|
/external/pytorch/torch/csrc/autograd/ |
D | FunctionsManual.cpp | 1956 // tril(L^H gL) = tril(L^H (triu(gL, 1) + tril(gL))) in cholesky_backward() 1957 // = tril(L^H tril(gL)) + tril(L^H triu(gL, 1)) in cholesky_backward() 1959 // since tril(L^H triu(gL, 1)) = 0, as L^H triu(gL, 1) is upper triangular in cholesky_backward() 3917 // and define syminv(X) = triu(X) - 0.5 * diag(X) the inverse of in linalg_qr_jvp() 3918 // sym : Triu(k, diag \in \mathbb{R}) -> Her(k) to give in linalg_qr_jvp() 3952 auto ret = X.triu(); in linalg_qr_jvp() 4009 // need are syminv*(R) = 0.5 * (R.triu() + R.triu()^H - Re diag(R)) sym*(X) = in linalg_qr_backward() 4011 // syminvadj(triu(gR R^H - Q^H gQ)))R^{-H} in linalg_qr_backward() 4065 gA = Q.matmul(syminvadj(gA.triu())); in linalg_qr_backward() 4378 grad_a = grad_a.triu((int)unitriangular); in triangular_solve_backward() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
D | lu_op_test.py | 137 complex_data += np.triu(-1j * data, 1).astype(dtype) 158 complex_data += np.triu(-1j * data, 1).astype(dtype)
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | matrix_band_part_test.py | 179 band_np = np.triu(band_np, -lower)
|
D | matrix_triangular_solve_op_test.py | 56 clean_a = np.tril(a) if lower else np.triu(a)
|
/external/pytorch/functorch/op_analysis/ |
D | public_api | 304 triu
|
D | annotated_ops | 369 triu, view/reshape
|
/external/executorch/examples/models/llama/experimental/ |
D | load_gguf_q4_0.py | 158 mask = torch.triu(mask, diagonal=1)
|
/external/pytorch/aten/src/ATen/functorch/ |
D | BatchRulesViews.cpp | 547 TORCH_CHECK(self.dim() >= 2, "triu: The input tensor must have at least 2 dimensions."); in triu_batch_rule() 549 auto result = at::triu(self_, diagonal); in triu_batch_rule() 559 VMAP_SUPPORT(triu, triu_batch_rule); in TORCH_LIBRARY_IMPL()
|
/external/pytorch/torch/nn/utils/ |
D | parametrize.py | 513 >>> return X.triu() + X.triu(1).T # Return a symmetric matrix 516 >>> return A.triu()
|
/external/pytorch/test/functorch/ |
D | test_dims.py | 66 def triu(A): function 143 self.assertTrue(torch.allclose(torch.triu(A_, 0), triu(A_)))
|
/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
D | matrix_band_part_op_test.py | 52 band_np = np.triu(band_np, -lower)
|
/external/pytorch/torch/csrc/api/src/nn/modules/ |
D | transformer.cpp | 475 return torch::triu( in generate_square_subsequent_mask() 484 return torch::triu( in generate_square_subsequent_mask()
|
/external/pytorch/test/torch_np/numpy_tests/linalg/ |
D | test_linalg.py | 1741 assert_almost_equal(np.triu(r), r) 1753 assert_almost_equal(np.triu(r1), r1) 1835 assert_almost_equal(np.triu(r[..., :, :]), r) 1849 assert_almost_equal(np.triu(r1[..., :, :]), r1) 2164 assert_almost_equal(np.triu(s[:-1, 1:]), np.triu(s_expected[:-1, 1:])) 2165 assert_almost_equal(np.triu(m), np.triu(m_expected))
|
/external/pytorch/test/nn/ |
D | test_parametrization.py | 398 A = X.triu(1) 443 A = X.triu(1) 452 return X.triu(1) 490 self.assertEqual(model.parametrizations.weight.original, X.triu(1)) 1686 zeros_grad = grad.triu(1)
|