|
at::Tensor | at::_cast_Byte (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Char (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Double (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Float (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Int (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Long (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Short (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_cast_Half (const at::Tensor &self, bool non_blocking=false) |
|
at::Tensor | at::_make_dual (const at::Tensor &primal, const at::Tensor &tangent, int64_t level) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_unpack_dual (const at::Tensor &dual, int64_t level) |
|
at::Tensor | at::_new_zeros_with_same_feature_meta (const at::Tensor &self, const at::Tensor &other, int64_t self_num_batch_dims=0) |
|
bool | at::_has_same_storage_numel (const at::Tensor &self, const at::Tensor &other) |
|
inline ::std::vector< at::Tensor > | at::align_tensors (at::TensorList tensors) |
|
void | at::_assert_async (const at::Tensor &self) |
|
void | at::_assert_tensor_metadata (const at::Tensor &a, at::OptionalIntArrayRef size=c10::nullopt, at::OptionalIntArrayRef stride=c10::nullopt, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
bool | at::_use_cudnn_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank) |
|
bool | at::_use_cudnn_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_cudnn_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank, bool deterministic, bool zero_infinity) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_cudnn_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank, bool deterministic, bool zero_infinity) |
|
bool | at::_use_cudnn_rnn_flatten_weight () |
|
at::Tensor | at::_cudnn_rnn_flatten_weight (at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_cudnn_rnn_flatten_weight (at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
at::Tensor | at::_cudnn_rnn_flatten_weight_symint (at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_cudnn_rnn_flatten_weight (at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_cudnn_rnn (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::symint::_cudnn_rnn (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_cudnn_rnn_symint (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::symint::_cudnn_rnn (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > | at::_cudnn_rnn_backward (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > | at::symint::_cudnn_rnn_backward (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > | at::_cudnn_rnn_backward_symint (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > | at::symint::_cudnn_rnn_backward (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
at::Tensor | at::_cudnn_init_dropout_state (double dropout, bool train, int64_t dropout_seed, at::TensorOptions options) |
|
at::Tensor | at::_cudnn_init_dropout_state (double dropout, bool train, int64_t dropout_seed, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
int64_t | at::_debug_has_internal_overlap (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_fused_dropout (const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::_masked_scale (const at::Tensor &self, const at::Tensor &mask, double scale) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::native_dropout (const at::Tensor &input, double p, c10::optional< bool > train) |
|
at::Tensor | at::native_dropout_backward (const at::Tensor &grad_output, const at::Tensor &mask, double scale) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_sobol_engine_draw (const at::Tensor &quasi, int64_t n, const at::Tensor &sobolstate, int64_t dimension, int64_t num_generated, c10::optional< at::ScalarType > dtype) |
|
at::Tensor & | at::_sobol_engine_ff_ (at::Tensor &self, int64_t n, const at::Tensor &sobolstate, int64_t dimension, int64_t num_generated) |
|
at::Tensor & | at::_sobol_engine_scramble_ (at::Tensor &self, const at::Tensor <m, int64_t dimension) |
|
at::Tensor & | at::_sobol_engine_initialize_state_ (at::Tensor &self, int64_t dimension) |
|
at::Tensor | at::_reshape_from_tensor (const at::Tensor &self, const at::Tensor &shape) |
|
at::Tensor | at::_shape_as_tensor (const at::Tensor &self) |
|
at::Tensor | at::dropout (const at::Tensor &input, double p, bool train) |
|
at::Tensor & | at::dropout_ (at::Tensor &self, double p, bool train) |
|
at::Tensor | at::feature_dropout (const at::Tensor &input, double p, bool train) |
|
at::Tensor & | at::feature_dropout_ (at::Tensor &self, double p, bool train) |
|
at::Tensor | at::alpha_dropout (const at::Tensor &input, double p, bool train) |
|
at::Tensor & | at::alpha_dropout_ (at::Tensor &self, double p, bool train) |
|
at::Tensor | at::feature_alpha_dropout (const at::Tensor &input, double p, bool train) |
|
at::Tensor & | at::feature_alpha_dropout_ (at::Tensor &self, double p, bool train) |
|
at::Tensor | at::abs (const at::Tensor &self) |
|
at::Tensor & | at::abs_ (at::Tensor &self) |
|
at::Tensor & | at::abs_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::abs_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::absolute (const at::Tensor &self) |
|
at::Tensor & | at::absolute_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::absolute_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::angle (const at::Tensor &self) |
|
at::Tensor & | at::angle_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::angle_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::view_as_real (const at::Tensor &self) |
|
at::Tensor | at::view_as_complex (const at::Tensor &self) |
|
at::Tensor | at::sgn (const at::Tensor &self) |
|
at::Tensor & | at::sgn_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sgn_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::real (const at::Tensor &self) |
|
at::Tensor | at::imag (const at::Tensor &self) |
|
at::Tensor | at::_conj (const at::Tensor &self) |
|
at::Tensor | at::__dispatch_conj (const at::Tensor &self) |
|
at::Tensor | at::_conj_physical (const at::Tensor &self) |
|
at::Tensor | at::conj_physical (const at::Tensor &self) |
|
at::Tensor & | at::conj_physical_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::conj_physical_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::conj_physical_ (at::Tensor &self) |
|
at::Tensor | at::resolve_conj (const at::Tensor &self) |
|
at::Tensor | at::resolve_neg (const at::Tensor &self) |
|
at::Tensor | at::_neg_view (const at::Tensor &self) |
|
at::Tensor | at::acos (const at::Tensor &self) |
|
at::Tensor & | at::acos_ (at::Tensor &self) |
|
at::Tensor & | at::acos_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::acos_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arccos (const at::Tensor &self) |
|
at::Tensor & | at::arccos_ (at::Tensor &self) |
|
at::Tensor & | at::arccos_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arccos_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::avg_pool1d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, bool ceil_mode=false, bool count_include_pad=true) |
|
at::Tensor | at::adaptive_avg_pool1d (const at::Tensor &self, at::IntArrayRef output_size) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::adaptive_max_pool1d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor | at::add (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::add_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::add_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::_add_relu (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_add_relu_ (at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_add_relu_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_add_relu_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::_add_relu (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_add_relu_ (at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::add (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::addmv (const at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addmv_ (at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addmv_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addmv_outf (const at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::addr (const at::Tensor &self, const at::Tensor &vec1, const at::Tensor &vec2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addr_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &vec1, const at::Tensor &vec2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addr_outf (const at::Tensor &self, const at::Tensor &vec1, const at::Tensor &vec2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::affine_grid_generator (const at::Tensor &theta, at::IntArrayRef size, bool align_corners) |
|
at::Tensor | at::affine_grid_generator_backward (const at::Tensor &grad, at::IntArrayRef size, bool align_corners) |
|
at::Tensor | at::_is_all_true (const at::Tensor &self) |
|
at::Tensor | at::_is_any_true (const at::Tensor &self) |
|
at::Tensor | at::_test_check_tensor (const at::Tensor &self) |
|
at::Tensor | at::all (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
at::Tensor & | at::all_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
at::Tensor & | at::all_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::all (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
at::Tensor & | at::all_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
at::Tensor & | at::all_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &out) |
|
bool | at::allclose (const at::Tensor &self, const at::Tensor &other, double rtol=1e-05, double atol=1e-08, bool equal_nan=false) |
|
at::Tensor | at::any (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
at::Tensor & | at::any_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
at::Tensor & | at::any_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::any (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
at::Tensor & | at::any_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
at::Tensor & | at::any_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::arange (const at::Scalar &end, at::TensorOptions options={}) |
|
at::Tensor | at::arange (const at::Scalar &end, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::arange (const at::Scalar &start, const at::Scalar &end, at::TensorOptions options={}) |
|
at::Tensor | at::arange (const at::Scalar &start, const at::Scalar &end, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::arange (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step, at::TensorOptions options={}) |
|
at::Tensor | at::arange (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::arange_out (at::Tensor &out, const at::Scalar &end) |
|
at::Tensor & | at::arange_outf (const at::Scalar &end, at::Tensor &out) |
|
at::Tensor & | at::arange_out (at::Tensor &out, const at::Scalar &start, const at::Scalar &end, const at::Scalar &step) |
|
at::Tensor & | at::arange_outf (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step, at::Tensor &out) |
|
at::Tensor | at::_dim_arange (const at::Tensor &like, int64_t dim) |
|
at::Tensor | at::argmax (const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::argmax_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::argmax_outf (const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::argmin (const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::argmin_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::argmin_outf (const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::acosh (const at::Tensor &self) |
|
at::Tensor & | at::acosh_ (at::Tensor &self) |
|
at::Tensor & | at::acosh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::acosh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arccosh (const at::Tensor &self) |
|
at::Tensor & | at::arccosh_ (at::Tensor &self) |
|
at::Tensor & | at::arccosh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arccosh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::asinh (const at::Tensor &self) |
|
at::Tensor & | at::asinh_ (at::Tensor &self) |
|
at::Tensor & | at::asinh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::asinh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arcsinh (const at::Tensor &self) |
|
at::Tensor & | at::arcsinh_ (at::Tensor &self) |
|
at::Tensor & | at::arcsinh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arcsinh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::atanh (const at::Tensor &self) |
|
at::Tensor & | at::atanh_ (at::Tensor &self) |
|
at::Tensor & | at::atanh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::atanh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arctanh (const at::Tensor &self) |
|
at::Tensor & | at::arctanh_ (at::Tensor &self) |
|
at::Tensor & | at::arctanh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arctanh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::as_strided (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::as_strided (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
at::Tensor | at::as_strided_symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::as_strided (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
const at::Tensor & | at::as_strided_ (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::as_strided_ (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
const at::Tensor & | at::as_strided__symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::as_strided_ (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
at::Tensor | at::asin (const at::Tensor &self) |
|
at::Tensor & | at::asin_ (at::Tensor &self) |
|
at::Tensor & | at::asin_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::asin_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arcsin (const at::Tensor &self) |
|
at::Tensor & | at::arcsin_ (at::Tensor &self) |
|
at::Tensor & | at::arcsin_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arcsin_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::atan (const at::Tensor &self) |
|
at::Tensor & | at::atan_ (at::Tensor &self) |
|
at::Tensor & | at::atan_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::atan_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::arctan (const at::Tensor &self) |
|
at::Tensor & | at::arctan_ (at::Tensor &self) |
|
at::Tensor & | at::arctan_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::arctan_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::atleast_1d (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::atleast_1d (at::TensorList tensors) |
|
at::Tensor | at::atleast_2d (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::atleast_2d (at::TensorList tensors) |
|
at::Tensor | at::atleast_3d (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::atleast_3d (at::TensorList tensors) |
|
at::Tensor | at::baddbmm (const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::baddbmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::baddbmm_outf (const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::bartlett_window (int64_t window_length, at::TensorOptions options={}) |
|
at::Tensor | at::bartlett_window (int64_t window_length, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::bartlett_window (int64_t window_length, bool periodic, at::TensorOptions options={}) |
|
at::Tensor | at::bartlett_window (int64_t window_length, bool periodic, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::batch_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double momentum, double eps, bool cudnn_enabled) |
|
at::Tensor | at::quantized_batch_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &var, double eps, double output_scale, int64_t output_zero_point) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, int64_t > | at::_batch_norm_impl_index (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double momentum, double eps, bool cudnn_enabled) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_batch_norm_impl_index_backward (int64_t impl_index, const at::Tensor &input, const at::Tensor &grad_output, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_var_transform, bool train, double eps, ::std::array< bool, 3 > output_mask, const at::Tensor &reservedSpace) |
|
at::Tensor | at::bernoulli (const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::bernoulli_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::bernoulli_outf (const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::bernoulli (const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::bilinear (const at::Tensor &input1, const at::Tensor &input2, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}) |
|
at::Tensor | at::binary_cross_entropy (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::binary_cross_entropy_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::binary_cross_entropy_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, at::Tensor &out) |
|
at::Tensor | at::binary_cross_entropy_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::binary_cross_entropy_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::binary_cross_entropy_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, at::Tensor &grad_input) |
|
at::Tensor | at::binary_cross_entropy_with_logits (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &pos_weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor | at::bincount (const at::Tensor &self, const c10::optional< at::Tensor > &weights={}, int64_t minlength=0) |
|
at::Tensor | at::bitwise_not (const at::Tensor &self) |
|
at::Tensor & | at::bitwise_not_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::bitwise_not_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::copysign_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::copysign_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::copysign (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::copysign (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::copysign_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::copysign_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::logical_not (const at::Tensor &self) |
|
at::Tensor & | at::logical_not_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::logical_not_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::logical_xor (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_xor_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_xor_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::logical_and (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_and_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_and_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::logical_or (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_or_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logical_or_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::blackman_window (int64_t window_length, at::TensorOptions options={}) |
|
at::Tensor | at::blackman_window (int64_t window_length, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::blackman_window (int64_t window_length, bool periodic, at::TensorOptions options={}) |
|
at::Tensor | at::blackman_window (int64_t window_length, bool periodic, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::bmm (const at::Tensor &self, const at::Tensor &mat2) |
|
at::Tensor & | at::bmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat2) |
|
at::Tensor & | at::bmm_outf (const at::Tensor &self, const at::Tensor &mat2, at::Tensor &out) |
|
inline ::std::vector< at::Tensor > | at::broadcast_tensors (at::TensorList tensors) |
|
at::Tensor | at::broadcast_to (const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::broadcast_to (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::broadcast_to_symint (const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::broadcast_to (const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor | at::_sparse_broadcast_to (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::cat (const at::ITensorListRef &tensors, int64_t dim=0) |
|
at::Tensor & | at::cat_out (at::Tensor &out, const at::ITensorListRef &tensors, int64_t dim=0) |
|
at::Tensor & | at::cat_outf (const at::ITensorListRef &tensors, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::cat (at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::cat_out (at::Tensor &out, at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::cat_outf (at::TensorList tensors, at::Dimname dim, at::Tensor &out) |
|
at::Tensor | at::concat (at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::concat_out (at::Tensor &out, at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::concat_outf (at::TensorList tensors, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::concat (at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::concat_out (at::Tensor &out, at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::concat_outf (at::TensorList tensors, at::Dimname dim, at::Tensor &out) |
|
at::Tensor | at::concatenate (at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::concatenate_out (at::Tensor &out, at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::concatenate_outf (at::TensorList tensors, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::concatenate (at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::concatenate_out (at::Tensor &out, at::TensorList tensors, at::Dimname dim) |
|
at::Tensor & | at::concatenate_outf (at::TensorList tensors, at::Dimname dim, at::Tensor &out) |
|
at::Tensor | at::block_diag (at::TensorList tensors) |
|
at::Tensor | at::ceil (const at::Tensor &self) |
|
at::Tensor & | at::ceil_ (at::Tensor &self) |
|
at::Tensor & | at::ceil_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::ceil_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::chain_matmul (at::TensorList matrices) |
|
at::Tensor & | at::chain_matmul_out (at::Tensor &out, at::TensorList matrices) |
|
at::Tensor & | at::chain_matmul_outf (at::TensorList matrices, at::Tensor &out) |
|
inline ::std::vector< at::Tensor > | at::unsafe_chunk (const at::Tensor &self, int64_t chunks, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::chunk (const at::Tensor &self, int64_t chunks, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::tensor_split (const at::Tensor &self, int64_t sections, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::tensor_split (const at::Tensor &self, int64_t sections, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::tensor_split_symint (const at::Tensor &self, c10::SymInt sections, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::tensor_split (const at::Tensor &self, c10::SymInt sections, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::tensor_split (const at::Tensor &self, at::IntArrayRef indices, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::tensor_split (const at::Tensor &self, at::IntArrayRef indices, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::tensor_split_symint (const at::Tensor &self, c10::SymIntArrayRef indices, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::tensor_split (const at::Tensor &self, c10::SymIntArrayRef indices, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::tensor_split (const at::Tensor &self, const at::Tensor &tensor_indices_or_sections, int64_t dim=0) |
|
at::Tensor | at::clamp (const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor | at::clamp (const at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clamp_ (at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor & | at::clamp_ (at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clamp_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor & | at::clamp_outf (const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max, at::Tensor &out) |
|
at::Tensor & | at::clamp_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clamp_outf (const at::Tensor &self, const c10::optional< at::Tensor > &min, const c10::optional< at::Tensor > &max, at::Tensor &out) |
|
at::Tensor | at::clamp_max (const at::Tensor &self, const at::Scalar &max) |
|
at::Tensor | at::clamp_max (const at::Tensor &self, const at::Tensor &max) |
|
at::Tensor & | at::clamp_max_ (at::Tensor &self, const at::Scalar &max) |
|
at::Tensor & | at::clamp_max_ (at::Tensor &self, const at::Tensor &max) |
|
at::Tensor & | at::clamp_max_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &max) |
|
at::Tensor & | at::clamp_max_outf (const at::Tensor &self, const at::Scalar &max, at::Tensor &out) |
|
at::Tensor & | at::clamp_max_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &max) |
|
at::Tensor & | at::clamp_max_outf (const at::Tensor &self, const at::Tensor &max, at::Tensor &out) |
|
at::Tensor | at::clamp_min (const at::Tensor &self, const at::Scalar &min) |
|
at::Tensor | at::clamp_min (const at::Tensor &self, const at::Tensor &min) |
|
at::Tensor & | at::clamp_min_ (at::Tensor &self, const at::Scalar &min) |
|
at::Tensor & | at::clamp_min_ (at::Tensor &self, const at::Tensor &min) |
|
at::Tensor & | at::clamp_min_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &min) |
|
at::Tensor & | at::clamp_min_outf (const at::Tensor &self, const at::Scalar &min, at::Tensor &out) |
|
at::Tensor & | at::clamp_min_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &min) |
|
at::Tensor & | at::clamp_min_outf (const at::Tensor &self, const at::Tensor &min, at::Tensor &out) |
|
at::Tensor | at::clip (const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor | at::clip (const at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clip_ (at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor & | at::clip_ (at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clip_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt) |
|
at::Tensor & | at::clip_outf (const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max, at::Tensor &out) |
|
at::Tensor & | at::clip_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Tensor > &min={}, const c10::optional< at::Tensor > &max={}) |
|
at::Tensor & | at::clip_outf (const at::Tensor &self, const c10::optional< at::Tensor > &min, const c10::optional< at::Tensor > &max, at::Tensor &out) |
|
at::Tensor | at::complex (const at::Tensor &real, const at::Tensor &imag) |
|
at::Tensor & | at::complex_out (at::Tensor &out, const at::Tensor &real, const at::Tensor &imag) |
|
at::Tensor & | at::complex_outf (const at::Tensor &real, const at::Tensor &imag, at::Tensor &out) |
|
at::Tensor | at::polar (const at::Tensor &abs, const at::Tensor &angle) |
|
at::Tensor & | at::polar_out (at::Tensor &out, const at::Tensor &abs, const at::Tensor &angle) |
|
at::Tensor & | at::polar_outf (const at::Tensor &abs, const at::Tensor &angle, at::Tensor &out) |
|
at::Tensor | at::constant_pad_nd (const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::constant_pad_nd (const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0) |
|
at::Tensor | at::constant_pad_nd_symint (const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::constant_pad_nd (const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0) |
|
at::Tensor | at::convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
at::Tensor | at::convolution_symint (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::convolution_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::convolution_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::convolution_backward_symint (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::convolution_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::convolution_overrideable (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::convolution_backward_overrideable (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
at::Tensor | at::_convolution_symint (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
at::Tensor | at::_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled) |
|
at::Tensor | at::_convolution_mode (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::string_view padding, at::IntArrayRef dilation, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_convolution_double_backward (const c10::optional< at::Tensor > &ggI, const c10::optional< at::Tensor > &ggW, const c10::optional< at::Tensor > &ggb, const at::Tensor &gO, const at::Tensor &weight, const at::Tensor &self, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::_convolution_double_backward (const c10::optional< at::Tensor > &ggI, const c10::optional< at::Tensor > &ggW, const c10::optional< at::Tensor > &ggb, const at::Tensor &gO, const at::Tensor &weight, const at::Tensor &self, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_convolution_double_backward_symint (const c10::optional< at::Tensor > &ggI, const c10::optional< at::Tensor > &ggW, const c10::optional< at::Tensor > &ggb, const at::Tensor &gO, const at::Tensor &weight, const at::Tensor &self, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::_convolution_double_backward (const c10::optional< at::Tensor > &ggI, const c10::optional< at::Tensor > &ggW, const c10::optional< at::Tensor > &ggb, const at::Tensor &gO, const at::Tensor &weight, const at::Tensor &self, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::conv1d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv2d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv3d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv1d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::string_view padding, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv2d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::string_view padding, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv3d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::string_view padding, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::conv_tbc (const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad=0) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::conv_tbc_backward (const at::Tensor &self, const at::Tensor &input, const at::Tensor &weight, const at::Tensor &bias, int64_t pad) |
|
at::Tensor | at::conv_transpose1d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, int64_t groups=1, at::IntArrayRef dilation=1) |
|
at::Tensor | at::conv_transpose2d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, int64_t groups=1, at::IntArrayRef dilation=1) |
|
at::Tensor | at::conv_transpose3d (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, int64_t groups=1, at::IntArrayRef dilation=1) |
|
at::Tensor | at::copy (const at::Tensor &self, const at::Tensor &src, bool non_blocking=false) |
|
at::Tensor | at::_copy_from (const at::Tensor &self, const at::Tensor &dst, bool non_blocking=false) |
|
at::Tensor | at::_copy_from_and_resize (const at::Tensor &self, const at::Tensor &dst) |
|
at::Tensor | at::cos (const at::Tensor &self) |
|
at::Tensor & | at::cos_ (at::Tensor &self) |
|
at::Tensor & | at::cos_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::cos_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::cosh (const at::Tensor &self) |
|
at::Tensor & | at::cosh_ (at::Tensor &self) |
|
at::Tensor & | at::cosh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::cosh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::cosine_embedding_loss (const at::Tensor &input1, const at::Tensor &input2, const at::Tensor &target, double margin=0.0, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor | at::count_nonzero (const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor | at::count_nonzero (const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor | at::cov (const at::Tensor &self, int64_t correction=1, const c10::optional< at::Tensor > &fweights={}, const c10::optional< at::Tensor > &aweights={}) |
|
at::Tensor | at::corrcoef (const at::Tensor &self) |
|
at::Tensor | at::_mps_convolution_transpose (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::mps_convolution_transpose_backward (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 2 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::cummax (const at::Tensor &self, int64_t dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummax_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummax_outf (const at::Tensor &self, int64_t dim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::cummax (const at::Tensor &self, at::Dimname dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummax_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummax_outf (const at::Tensor &self, at::Dimname dim, at::Tensor &values, at::Tensor &indices) |
|
void | at::_cummax_helper (const at::Tensor &self, at::Tensor &values, at::Tensor &indices, int64_t dim) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::cummin (const at::Tensor &self, int64_t dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummin_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummin_outf (const at::Tensor &self, int64_t dim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::cummin (const at::Tensor &self, at::Dimname dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummin_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::cummin_outf (const at::Tensor &self, at::Dimname dim, at::Tensor &values, at::Tensor &indices) |
|
void | at::_cummin_helper (const at::Tensor &self, at::Tensor &values, at::Tensor &indices, int64_t dim) |
|
at::Tensor | at::cummaxmin_backward (const at::Tensor &grad, const at::Tensor &input, const at::Tensor &indices, int64_t dim) |
|
at::Tensor | at::cumprod (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumprod_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumprod_outf (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::cumprod (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumprod_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumprod_outf (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::cumprod_backward (const at::Tensor &grad, const at::Tensor &input, int64_t dim, const at::Tensor &output) |
|
at::Tensor | at::cumsum (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumsum_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumsum_outf (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::cumsum (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumsum_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::cumsum_outf (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::cumulative_trapezoid (const at::Tensor &y, const at::Tensor &x, int64_t dim=-1) |
|
at::Tensor | at::cumulative_trapezoid (const at::Tensor &y, const at::Scalar &dx=1, int64_t dim=-1) |
|
at::Tensor | at::ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank=0, int64_t reduction=at::Reduction::Mean, bool zero_infinity=false) |
|
at::Tensor | at::ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank=0, int64_t reduction=at::Reduction::Mean, bool zero_infinity=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank=0, bool zero_infinity=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_ctc_loss (const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank=0, bool zero_infinity=false) |
|
at::Tensor | at::_ctc_loss_backward (const at::Tensor &grad, const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, const at::Tensor &neg_log_likelihood, const at::Tensor &log_alpha, int64_t blank, bool zero_infinity=false) |
|
at::Tensor | at::_ctc_loss_backward (const at::Tensor &grad, const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, const at::Tensor &neg_log_likelihood, const at::Tensor &log_alpha, int64_t blank, bool zero_infinity=false) |
|
at::Tensor | at::diag_embed (const at::Tensor &self, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1) |
|
at::Tensor | at::diagflat (const at::Tensor &self, int64_t offset=0) |
|
at::Tensor | at::diagonal (const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1) |
|
at::Tensor | at::linalg_diagonal (const at::Tensor &A, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1) |
|
at::Tensor | at::diagonal (const at::Tensor &self, at::Dimname outdim, at::Dimname dim1, at::Dimname dim2, int64_t offset=0) |
|
at::Tensor | at::diagonal_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::diagonal_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
at::Tensor | at::diagonal_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::diagonal_backward (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
at::Tensor | at::diff (const at::Tensor &self, int64_t n=1, int64_t dim=-1, const c10::optional< at::Tensor > &prepend={}, const c10::optional< at::Tensor > &append={}) |
|
at::Tensor & | at::diff_out (at::Tensor &out, const at::Tensor &self, int64_t n=1, int64_t dim=-1, const c10::optional< at::Tensor > &prepend={}, const c10::optional< at::Tensor > &append={}) |
|
at::Tensor & | at::diff_outf (const at::Tensor &self, int64_t n, int64_t dim, const c10::optional< at::Tensor > &prepend, const c10::optional< at::Tensor > &append, at::Tensor &out) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, const c10::optional< at::Scalar > &spacing=c10::nullopt, c10::optional< int64_t > dim=c10::nullopt, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, const at::Scalar &spacing, at::IntArrayRef dim, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, at::IntArrayRef dim, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, at::ArrayRef< at::Scalar > spacing, c10::optional< int64_t > dim=c10::nullopt, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, at::ArrayRef< at::Scalar > spacing, at::IntArrayRef dim, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, at::TensorList spacing, c10::optional< int64_t > dim=c10::nullopt, int64_t edge_order=1) |
|
inline ::std::vector< at::Tensor > | at::gradient (const at::Tensor &self, at::TensorList spacing, at::IntArrayRef dim, int64_t edge_order=1) |
|
at::Tensor | at::div (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::div_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::div_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::div (const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor & | at::div_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor & | at::div_outf (const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode, at::Tensor &out) |
|
at::Tensor | at::div (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::div (const at::Tensor &self, const at::Scalar &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor | at::divide (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::divide_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::divide_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::divide (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::divide (const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor & | at::divide_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor & | at::divide_outf (const at::Tensor &self, const at::Tensor &other, c10::optional< c10::string_view > rounding_mode, at::Tensor &out) |
|
at::Tensor | at::divide (const at::Tensor &self, const at::Scalar &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor | at::true_divide (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::true_divide_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::true_divide_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::true_divide (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::dot (const at::Tensor &self, const at::Tensor &tensor) |
|
at::Tensor & | at::dot_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor) |
|
at::Tensor & | at::dot_outf (const at::Tensor &self, const at::Tensor &tensor, at::Tensor &out) |
|
at::Tensor | at::vdot (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::vdot_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::vdot_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::einsum (c10::string_view equation, at::TensorList tensors, at::OptionalIntArrayRef path=c10::nullopt) |
|
at::Tensor | at::embedding (const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::embedding (const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
at::Tensor | at::embedding_symint (const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::embedding (const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
at::Tensor | at::embedding_backward (const at::Tensor &grad, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq, bool sparse) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::embedding_backward (const at::Tensor &grad, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq, bool sparse) |
|
at::Tensor | at::embedding_backward_symint (const at::Tensor &grad, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq, bool sparse) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::embedding_backward (const at::Tensor &grad, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq, bool sparse) |
|
at::Tensor | at::embedding_dense_backward (const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::embedding_dense_backward (const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq) |
|
at::Tensor | at::embedding_dense_backward_symint (const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::embedding_dense_backward (const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq) |
|
at::Tensor & | at::embedding_renorm_ (at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type) |
|
at::Tensor | at::embedding_sparse_backward (const at::Tensor &grad, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_embedding_bag_forward_only (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq=false, int64_t mode=0, bool sparse=false, const c10::optional< at::Tensor > &per_sample_weights={}, bool include_last_offset=false, int64_t padding_idx=-1) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_rowwise_prune (const at::Tensor &weight, const at::Tensor &mask, at::ScalarType compressed_indices_dtype) |
|
at::Tensor | at::row_stack (at::TensorList tensors) |
|
at::Tensor & | at::row_stack_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::row_stack_outf (at::TensorList tensors, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::embedding_bag (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq=false, int64_t mode=0, bool sparse=false, const c10::optional< at::Tensor > &per_sample_weights={}, bool include_last_offset=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::embedding_bag (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, bool include_last_offset, c10::optional< int64_t > padding_idx) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_embedding_bag (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq=false, int64_t mode=0, bool sparse=false, const c10::optional< at::Tensor > &per_sample_weights={}, bool include_last_offset=false, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_embedding_bag_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_backward_symint (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_embedding_bag_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_sparse_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_embedding_bag_sparse_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_sparse_backward_symint (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_embedding_bag_sparse_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, const at::Tensor &bag_size, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_dense_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_embedding_bag_dense_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_dense_backward_symint (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_embedding_bag_dense_backward (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor | at::_embedding_bag_per_sample_weights_backward (const at::Tensor &grad, const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, int64_t mode, int64_t padding_idx=-1) |
|
at::Tensor | at::empty (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::empty (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::empty (at::IntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::empty (at::IntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::empty (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::empty (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::empty_symint (c10::SymIntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::empty (c10::SymIntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::empty_symint (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::empty (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_empty (const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_empty (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_empty (const at::Tensor &self, c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_empty (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_empty_strided (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_empty_strided (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_empty_strided (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_empty_strided (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_full (const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_full (const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_full (const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_full (const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_zeros (const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_zeros (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_zeros (const at::Tensor &self, c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_zeros (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_ones (const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::new_ones (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_ones (const at::Tensor &self, c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::new_ones (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_empty_affine_quantized (at::IntArrayRef size, at::TensorOptions options={}, double scale=1, int64_t zero_point=0, c10::optional< at::MemoryFormat > memory_format=MemoryFormat::Contiguous) |
|
at::Tensor | at::_empty_affine_quantized (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, double scale, int64_t zero_point, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::_empty_per_channel_affine_quantized (at::IntArrayRef size, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=MemoryFormat::Contiguous) |
|
at::Tensor | at::_empty_per_channel_affine_quantized (at::IntArrayRef size, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::resize_ (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::resize_ (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::_resize_output_ (const at::Tensor &self, at::IntArrayRef size, at::Device device) |
|
at::Tensor | at::empty_quantized (at::IntArrayRef size, const at::Tensor &qtensor, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::empty_quantized (at::IntArrayRef size, const at::Tensor &qtensor, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor & | at::empty_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::empty_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::empty_outf (at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::empty_outf (at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::empty_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::empty_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::empty_symint_outf (c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::empty_outf (c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor | at::empty_like (const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::empty_like (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::empty_strided (at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::empty_strided (at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={}) |
|
at::Tensor | at::empty_strided (at::IntArrayRef size, at::IntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::empty_strided (at::IntArrayRef size, at::IntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::empty_strided_symint (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::empty_strided (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::TensorOptions options={}) |
|
at::Tensor | at::empty_strided_symint (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::empty_strided (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::erf (const at::Tensor &self) |
|
at::Tensor & | at::erf_ (at::Tensor &self) |
|
at::Tensor & | at::erf_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::erf_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::erfc (const at::Tensor &self) |
|
at::Tensor & | at::erfc_ (at::Tensor &self) |
|
at::Tensor & | at::erfc_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::erfc_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::exp (const at::Tensor &self) |
|
at::Tensor & | at::exp_ (at::Tensor &self) |
|
at::Tensor & | at::exp_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::exp_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::exp2 (const at::Tensor &self) |
|
at::Tensor & | at::exp2_ (at::Tensor &self) |
|
at::Tensor & | at::exp2_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::exp2_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::expm1 (const at::Tensor &self) |
|
at::Tensor & | at::expm1_ (at::Tensor &self) |
|
at::Tensor & | at::expm1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::expm1_outf (const at::Tensor &self, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::expand (const at::Tensor &self, at::IntArrayRef size, bool implicit=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::expand (const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false) |
|
at::Tensor | at::eye (int64_t n, at::TensorOptions options={}) |
|
at::Tensor | at::eye (int64_t n, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::eye (int64_t n, int64_t m, at::TensorOptions options={}) |
|
at::Tensor | at::eye (int64_t n, int64_t m, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::eye_out (at::Tensor &out, int64_t n) |
|
at::Tensor & | at::eye_outf (int64_t n, at::Tensor &out) |
|
at::Tensor & | at::eye_out (at::Tensor &out, int64_t n, int64_t m) |
|
at::Tensor & | at::eye_outf (int64_t n, int64_t m, at::Tensor &out) |
|
at::Tensor | at::flatten (const at::Tensor &self, int64_t start_dim=0, int64_t end_dim=-1) |
|
at::Tensor | at::flatten (const at::Tensor &self, int64_t start_dim, int64_t end_dim, at::Dimname out_dim) |
|
at::Tensor | at::flatten (const at::Tensor &self, at::Dimname start_dim, at::Dimname end_dim, at::Dimname out_dim) |
|
at::Tensor | at::flatten (const at::Tensor &self, at::DimnameList dims, at::Dimname out_dim) |
|
at::Tensor | at::unflatten (const at::Tensor &self, int64_t dim, at::IntArrayRef sizes) |
|
at::Tensor | at::unflatten (const at::Tensor &self, at::Dimname dim, at::IntArrayRef sizes, at::DimnameList names) |
|
at::Tensor | at::fill (const at::Tensor &self, const at::Scalar &value) |
|
at::Tensor | at::fill (const at::Tensor &self, const at::Tensor &value) |
|
at::Tensor & | at::fill_ (at::Tensor &self, const at::Scalar &value) |
|
at::Tensor & | at::fill_ (at::Tensor &self, const at::Tensor &value) |
|
at::Tensor | at::floor (const at::Tensor &self) |
|
at::Tensor & | at::floor_ (at::Tensor &self) |
|
at::Tensor & | at::floor_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::floor_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::floor_divide (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::floor_divide_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::floor_divide_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::floor_divide (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::frac (const at::Tensor &self) |
|
at::Tensor & | at::frac_ (at::Tensor &self) |
|
at::Tensor & | at::frac_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::frac_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::full (at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::full (at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::full (at::IntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::full (at::IntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
at::Tensor | at::full (at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::full (at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::full_symint (c10::SymIntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::full (c10::SymIntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={}) |
|
at::Tensor | at::full_symint (c10::SymIntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::full (c10::SymIntArrayRef size, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::full_out (at::Tensor &out, at::IntArrayRef size, const at::Scalar &fill_value) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::full_out (at::Tensor &out, at::IntArrayRef size, const at::Scalar &fill_value) |
|
at::Tensor & | at::full_outf (at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::full_outf (at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
at::Tensor & | at::full_symint_out (at::Tensor &out, c10::SymIntArrayRef size, const at::Scalar &fill_value) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::full_out (at::Tensor &out, c10::SymIntArrayRef size, const at::Scalar &fill_value) |
|
at::Tensor & | at::full_symint_outf (c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::full_outf (c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
at::Tensor | at::full_like (const at::Tensor &self, const at::Scalar &fill_value, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::full_like (const at::Tensor &self, const at::Scalar &fill_value, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::from_file (c10::string_view filename, c10::optional< bool > shared=c10::nullopt, c10::optional< int64_t > size=0, at::TensorOptions options={}) |
|
at::Tensor | at::from_file (c10::string_view filename, c10::optional< bool > shared, c10::optional< int64_t > size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::gcd_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::gcd_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::gcd (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::gcd_ (at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::lcm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::lcm_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::lcm (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::lcm_ (at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::grid_sampler (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
at::Tensor | at::grid_sampler_2d (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::grid_sampler_2d_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask) |
|
at::Tensor | at::_grid_sampler_2d_cpu_fallback (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_grid_sampler_2d_cpu_fallback_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
at::Tensor | at::grid_sampler_3d (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::grid_sampler_3d_backward (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask) |
|
at::Tensor | at::hann_window (int64_t window_length, at::TensorOptions options={}) |
|
at::Tensor | at::hann_window (int64_t window_length, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hann_window (int64_t window_length, bool periodic, at::TensorOptions options={}) |
|
at::Tensor | at::hann_window (int64_t window_length, bool periodic, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hamming_window (int64_t window_length, at::TensorOptions options={}) |
|
at::Tensor | at::hamming_window (int64_t window_length, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, at::TensorOptions options={}) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, double alpha, at::TensorOptions options={}) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, double alpha, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, double alpha, double beta, at::TensorOptions options={}) |
|
at::Tensor | at::hamming_window (int64_t window_length, bool periodic, double alpha, double beta, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::kaiser_window (int64_t window_length, at::TensorOptions options={}) |
|
at::Tensor | at::kaiser_window (int64_t window_length, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::kaiser_window (int64_t window_length, bool periodic, at::TensorOptions options={}) |
|
at::Tensor | at::kaiser_window (int64_t window_length, bool periodic, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::kaiser_window (int64_t window_length, bool periodic, double beta, at::TensorOptions options={}) |
|
at::Tensor | at::kaiser_window (int64_t window_length, bool periodic, double beta, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::hinge_embedding_loss (const at::Tensor &self, const at::Tensor &target, double margin=1.0, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor | at::group_norm (const at::Tensor &input, int64_t num_groups, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &bias={}, double eps=1e-05, bool cudnn_enabled=true) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_group_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_group_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_group_norm_symint (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_group_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_group_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_group_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_group_norm_backward_symint (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_group_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::_fft_r2c (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided) |
|
at::Tensor & | at::_fft_r2c_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided) |
|
at::Tensor & | at::_fft_r2c_outf (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided, at::Tensor &out) |
|
at::Tensor | at::_fft_c2r (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size) |
|
at::Tensor & | at::_fft_c2r_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size) |
|
at::Tensor & | at::_fft_c2r_outf (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size, at::Tensor &out) |
|
at::Tensor | at::_fft_c2c (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_fft_c2c (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward) |
|
at::Tensor | at::_fft_c2c_symint (const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_fft_c2c (const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward) |
|
at::Tensor & | at::_fft_c2c_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_fft_c2c_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward) |
|
at::Tensor & | at::_fft_c2c_outf (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_fft_c2c_outf (const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out) |
|
at::Tensor & | at::_fft_c2c_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_fft_c2c_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward) |
|
at::Tensor & | at::_fft_c2c_symint_outf (const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_fft_c2c_outf (const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out) |
|
void | at::_validate_compressed_sparse_indices (bool is_crow, const at::Tensor &compressed_idx, const at::Tensor &plain_idx, int64_t cdim, int64_t dim, int64_t nnz) |
|
int64_t | at::_cufft_get_plan_cache_size (int64_t device_index) |
|
int64_t | at::_cufft_get_plan_cache_max_size (int64_t device_index) |
|
void | at::_cufft_set_plan_cache_max_size (int64_t device_index, int64_t max_size) |
|
void | at::_cufft_clear_plan_cache (int64_t device_index) |
|
at::Tensor | at::index (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices) |
|
at::Tensor & | at::index_out (at::Tensor &out, const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices) |
|
at::Tensor & | at::index_outf (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, at::Tensor &out) |
|
at::Tensor & | at::index_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source) |
|
at::Tensor & | at::index_copy_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, at::Tensor &out) |
|
at::Tensor | at::index_copy (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source) |
|
at::Tensor | at::index_copy (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Tensor &source) |
|
at::Tensor & | at::index_put_ (at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false) |
|
at::Tensor | at::index_put (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false) |
|
at::Tensor & | at::_index_put_impl_ (at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false, bool unsafe=false) |
|
at::Tensor | at::instance_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool use_input_stats, double momentum, double eps, bool cudnn_enabled) |
|
at::Tensor | at::isclose (const at::Tensor &self, const at::Tensor &other, double rtol=1e-05, double atol=1e-08, bool equal_nan=false) |
|
at::Tensor & | at::isin_out (at::Tensor &out, const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false) |
|
at::Tensor & | at::isin_outf (const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique, bool invert, at::Tensor &out) |
|
at::Tensor | at::isin (const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false) |
|
at::Tensor & | at::isin_out (at::Tensor &out, const at::Tensor &elements, const at::Scalar &test_element, bool assume_unique=false, bool invert=false) |
|
at::Tensor & | at::isin_outf (const at::Tensor &elements, const at::Scalar &test_element, bool assume_unique, bool invert, at::Tensor &out) |
|
at::Tensor | at::isin (const at::Tensor &elements, const at::Scalar &test_element, bool assume_unique=false, bool invert=false) |
|
at::Tensor & | at::isin_out (at::Tensor &out, const at::Scalar &element, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false) |
|
at::Tensor & | at::isin_outf (const at::Scalar &element, const at::Tensor &test_elements, bool assume_unique, bool invert, at::Tensor &out) |
|
at::Tensor | at::isin (const at::Scalar &element, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false) |
|
at::Tensor | at::isnan (const at::Tensor &self) |
|
bool | at::is_distributed (const at::Tensor &self) |
|
bool | at::__dispatch_is_floating_point (const at::Tensor &self) |
|
bool | at::__dispatch_is_complex (const at::Tensor &self) |
|
bool | at::__dispatch_is_conj (const at::Tensor &self) |
|
bool | at::__dispatch__is_zerotensor (const at::Tensor &self) |
|
bool | at::__dispatch_is_neg (const at::Tensor &self) |
|
at::Tensor | at::isreal (const at::Tensor &self) |
|
bool | at::is_nonzero (const at::Tensor &self) |
|
bool | at::is_same_size (const at::Tensor &self, const at::Tensor &other) |
|
bool | at::__dispatch_is_signed (const at::Tensor &self) |
|
bool | at::__dispatch_is_inference (const at::Tensor &self) |
|
at::Tensor | at::kl_div (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, bool log_target=false) |
|
at::Tensor | at::kron (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::kron_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::kron_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::kthvalue (const at::Tensor &self, int64_t k, int64_t dim=-1, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::kthvalue_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t k, int64_t dim=-1, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::kthvalue_outf (const at::Tensor &self, int64_t k, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::kthvalue (const at::Tensor &self, int64_t k, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::kthvalue_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t k, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::kthvalue_outf (const at::Tensor &self, int64_t k, at::Dimname dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
at::Tensor | at::layer_norm (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &bias={}, double eps=1e-05, bool cudnn_enable=true) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::layer_norm (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &bias={}, double eps=1e-05, bool cudnn_enable=true) |
|
at::Tensor | at::layer_norm_symint (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &bias={}, double eps=1e-05, bool cudnn_enable=true) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::layer_norm (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &bias={}, double eps=1e-05, bool cudnn_enable=true) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_layer_norm (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_layer_norm (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_layer_norm_symint (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_layer_norm (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_layer_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_layer_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_layer_norm_backward_symint (const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::symint::native_layer_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::nan_to_num (const at::Tensor &self, c10::optional< double > nan=c10::nullopt, c10::optional< double > posinf=c10::nullopt, c10::optional< double > neginf=c10::nullopt) |
|
at::Tensor & | at::nan_to_num_ (at::Tensor &self, c10::optional< double > nan=c10::nullopt, c10::optional< double > posinf=c10::nullopt, c10::optional< double > neginf=c10::nullopt) |
|
at::Tensor & | at::nan_to_num_out (at::Tensor &out, const at::Tensor &self, c10::optional< double > nan=c10::nullopt, c10::optional< double > posinf=c10::nullopt, c10::optional< double > neginf=c10::nullopt) |
|
at::Tensor & | at::nan_to_num_outf (const at::Tensor &self, c10::optional< double > nan, c10::optional< double > posinf, c10::optional< double > neginf, at::Tensor &out) |
|
at::Tensor | at::linear (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::linear_backward (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask) |
|
at::Tensor & | at::linear_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}) |
|
at::Tensor & | at::linear_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::Tensor &out) |
|
at::Tensor | at::mkldnn_linear (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}) |
|
at::Tensor | at::mkldnn_linear_backward_input (at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::mkldnn_linear_backward_weights (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, bool bias_defined) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::mkldnn_linear_backward (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::fbgemm_linear_int8_weight_fp32_activation (const at::Tensor &input, const at::Tensor &weight, const at::Tensor &packed, const at::Tensor &col_offsets, const at::Scalar &weight_scale, const at::Scalar &weight_zero_point, const at::Tensor &bias) |
|
at::Tensor | at::fbgemm_linear_int8_weight (const at::Tensor &input, const at::Tensor &weight, const at::Tensor &packed, const at::Tensor &col_offsets, const at::Scalar &weight_scale, const at::Scalar &weight_zero_point, const at::Tensor &bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, double, int64_t > | at::fbgemm_linear_quantize_weight (const at::Tensor &input) |
|
at::Tensor | at::fbgemm_pack_gemm_matrix_fp16 (const at::Tensor &input) |
|
at::Tensor | at::fbgemm_linear_fp16_weight_fp32_activation (const at::Tensor &input, const at::Tensor &packed_weight, const at::Tensor &bias) |
|
at::Tensor | at::fbgemm_linear_fp16_weight (const at::Tensor &input, const at::Tensor &packed_weight, const at::Tensor &bias) |
|
at::Tensor | at::fbgemm_pack_quantized_matrix (const at::Tensor &input) |
|
at::Tensor | at::fbgemm_pack_quantized_matrix (const at::Tensor &input, int64_t K, int64_t N) |
|
at::Tensor | at::ldexp (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ldexp_ (at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ldexp_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ldexp_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::linspace (const at::Scalar &start, const at::Scalar &end, int64_t steps, at::TensorOptions options={}) |
|
at::Tensor | at::linspace (const at::Scalar &start, const at::Scalar &end, int64_t steps, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::linspace_out (at::Tensor &out, const at::Scalar &start, const at::Scalar &end, int64_t steps) |
|
at::Tensor & | at::linspace_outf (const at::Scalar &start, const at::Scalar &end, int64_t steps, at::Tensor &out) |
|
at::Tensor | at::log (const at::Tensor &self) |
|
at::Tensor & | at::log_ (at::Tensor &self) |
|
at::Tensor & | at::log_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::log_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::log10 (const at::Tensor &self) |
|
at::Tensor & | at::log10_ (at::Tensor &self) |
|
at::Tensor & | at::log10_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::log10_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::log1p (const at::Tensor &self) |
|
at::Tensor & | at::log1p_ (at::Tensor &self) |
|
at::Tensor & | at::log1p_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::log1p_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::log2 (const at::Tensor &self) |
|
at::Tensor & | at::log2_ (at::Tensor &self) |
|
at::Tensor & | at::log2_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::log2_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::logaddexp_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logaddexp_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::logaddexp (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logaddexp2_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::logaddexp2_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::logaddexp2 (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::xlogy (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::xlogy (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::xlogy (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::xlogy_ (at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::xlogy_ (at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::xlogy_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::xlogy_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::xlogy_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::xlogy_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::xlogy_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::xlogy_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::logspace (const at::Scalar &start, const at::Scalar &end, int64_t steps, double base=10.0, at::TensorOptions options={}) |
|
at::Tensor | at::logspace (const at::Scalar &start, const at::Scalar &end, int64_t steps, double base, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::logspace_out (at::Tensor &out, const at::Scalar &start, const at::Scalar &end, int64_t steps, double base=10.0) |
|
at::Tensor & | at::logspace_outf (const at::Scalar &start, const at::Scalar &end, int64_t steps, double base, at::Tensor &out) |
|
at::Tensor | at::log_softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::log_softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::log_softmax_outf (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::log_softmax (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_log_softmax (const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_log_softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_log_softmax_outf (const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out) |
|
at::Tensor | at::_log_softmax_backward_data (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype) |
|
at::Tensor & | at::_log_softmax_backward_data_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype) |
|
at::Tensor & | at::_log_softmax_backward_data_outf (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype, at::Tensor &out) |
|
at::Tensor | at::_logcumsumexp (const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::_logcumsumexp_out (at::Tensor &out, const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::_logcumsumexp_outf (const at::Tensor &self, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::logcumsumexp (const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::logcumsumexp_out (at::Tensor &out, const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::logcumsumexp_outf (const at::Tensor &self, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::logcumsumexp (const at::Tensor &self, at::Dimname dim) |
|
at::Tensor & | at::logcumsumexp_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim) |
|
at::Tensor & | at::logcumsumexp_outf (const at::Tensor &self, at::Dimname dim, at::Tensor &out) |
|
at::Tensor | at::logsumexp (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::logsumexp_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::logsumexp_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::logsumexp (const at::Tensor &self, at::DimnameList dim, bool keepdim=false) |
|
at::Tensor & | at::logsumexp_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, bool keepdim=false) |
|
at::Tensor & | at::logsumexp_outf (const at::Tensor &self, at::DimnameList dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::margin_ranking_loss (const at::Tensor &input1, const at::Tensor &input2, const at::Tensor &target, double margin=0.0, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor | at::matmul (const at::Tensor &self, const at::Tensor &other) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::matmul_backward (const at::Tensor &grad, const at::Tensor &self, const at::Tensor &other, ::std::array< bool, 2 > mask) |
|
at::Tensor & | at::matmul_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::matmul_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::matrix_power (const at::Tensor &self, int64_t n) |
|
at::Tensor & | at::matrix_power_out (at::Tensor &out, const at::Tensor &self, int64_t n) |
|
at::Tensor & | at::matrix_power_outf (const at::Tensor &self, int64_t n, at::Tensor &out) |
|
at::Tensor | at::matrix_exp (const at::Tensor &self) |
|
at::Tensor | at::matrix_exp_backward (const at::Tensor &self, const at::Tensor &grad) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_aminmax (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_aminmax (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::aminmax (const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::aminmax_out (at::Tensor &min, at::Tensor &max, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::aminmax_outf (const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &min, at::Tensor &max) |
|
at::Tensor | at::_compute_linear_combination (const at::Tensor &input, const at::Tensor &coefficients) |
|
at::Tensor & | at::_compute_linear_combination_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &coefficients) |
|
at::Tensor & | at::_compute_linear_combination_outf (const at::Tensor &input, const at::Tensor &coefficients, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::max (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_out (at::Tensor &max, at::Tensor &max_values, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &max, at::Tensor &max_values) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::max (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_out (at::Tensor &max, at::Tensor &max_values, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &max, at::Tensor &max_values) |
|
at::Tensor | at::value_selecting_reduction_backward (const at::Tensor &grad, int64_t dim, const at::Tensor &indices, at::IntArrayRef sizes, bool keepdim) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::value_selecting_reduction_backward (const at::Tensor &grad, int64_t dim, const at::Tensor &indices, at::IntArrayRef sizes, bool keepdim) |
|
at::Tensor | at::value_selecting_reduction_backward_symint (const at::Tensor &grad, int64_t dim, const at::Tensor &indices, c10::SymIntArrayRef sizes, bool keepdim) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::value_selecting_reduction_backward (const at::Tensor &grad, int64_t dim, const at::Tensor &indices, c10::SymIntArrayRef sizes, bool keepdim) |
|
at::Tensor | at::amax (const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false) |
|
at::Tensor & | at::amax_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false) |
|
at::Tensor & | at::amax_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::max_pool1d_with_indices (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::max_pool1d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::max_pool2d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::max_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::mkldnn_max_pool2d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::mkldnn_max_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::mkldnn_max_pool3d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::mkldnn_max_pool3d_backward (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::quantized_max_pool1d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::quantized_max_pool2d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::max_pool3d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor | at::mean (const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::mean (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::mean_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::mean_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::mean (const at::Tensor &self, at::DimnameList dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::mean_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::mean_outf (const at::Tensor &self, at::DimnameList dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::nanmean (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::nanmean_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::nanmean_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::median (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::median (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::median_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::median_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::median (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::median_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::median_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
at::Tensor | at::nanmedian (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nanmedian (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nanmedian_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nanmedian_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nanmedian (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nanmedian_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nanmedian_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::min (const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::min_out (at::Tensor &min, at::Tensor &min_indices, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::min_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &min, at::Tensor &min_indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::min (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::min_out (at::Tensor &min, at::Tensor &min_indices, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::min_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &min, at::Tensor &min_indices) |
|
at::Tensor | at::amin (const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false) |
|
at::Tensor & | at::amin_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false) |
|
at::Tensor & | at::amin_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::_mps_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::mps_convolution_backward (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
at::Tensor | at::mkldnn_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::mkldnn_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor | at::mkldnn_convolution_symint (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::mkldnn_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::mkldnn_rnn_layer (const at::Tensor &input, const at::Tensor &weight0, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &hx_, const at::Tensor &cx_, bool reverse, at::IntArrayRef batch_sizes, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool bidirectional, bool batch_first, bool train) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::mkldnn_rnn_layer_backward (const at::Tensor &input, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &weight4, const at::Tensor &hx_, const at::Tensor &cx_tmp, const at::Tensor &output, const at::Tensor &hy_, const at::Tensor &cy_, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, bool reverse, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool train, bool bidirectional, at::IntArrayRef batch_sizes, bool batch_first, const at::Tensor &workspace) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::miopen_batch_norm (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double exponential_average_factor, double epsilon) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::miopen_batch_norm_backward (const at::Tensor &input, const at::Tensor &grad_output, const at::Tensor &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_var, double epsilon) |
|
at::Tensor | at::miopen_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::miopen_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_convolution_symint (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::miopen_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_convolution_transpose (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::miopen_convolution_transpose (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_convolution_transpose_symint (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::miopen_convolution_transpose (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_depthwise_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::miopen_depthwise_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_depthwise_convolution_symint (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::miopen_depthwise_convolution (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor | at::miopen_convolution_relu (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor | at::miopen_convolution_add_relu (const at::Tensor &self, const at::Tensor &weight, const at::Tensor &z, const c10::optional< at::Scalar > &alpha, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, int64_t groups) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::miopen_rnn (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > | at::miopen_rnn_backward (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
at::Tensor | at::mm (const at::Tensor &self, const at::Tensor &mat2) |
|
at::Tensor & | at::mm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat2) |
|
at::Tensor & | at::mm_outf (const at::Tensor &self, const at::Tensor &mat2, at::Tensor &out) |
|
at::Tensor | at::_sparse_mm (const at::Tensor &sparse, const at::Tensor &dense) |
|
at::Tensor | at::_sparse_mm (const at::Tensor &sparse, const at::Tensor &dense, c10::string_view reduce) |
|
at::Tensor | at::_sparse_sparse_matmul (const at::Tensor &self, const at::Tensor &other) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::mode (const at::Tensor &self, int64_t dim=-1, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mode_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim=-1, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mode_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::mode (const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mode_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mode_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, at::Tensor &values, at::Tensor &indices) |
|
at::Tensor | at::mul (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::mul_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::mul_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::mul (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::multiply (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::multiply_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::multiply_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::multiply (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::mv (const at::Tensor &self, const at::Tensor &vec) |
|
at::Tensor & | at::mv_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &vec) |
|
at::Tensor & | at::mv_outf (const at::Tensor &self, const at::Tensor &vec, at::Tensor &out) |
|
at::Tensor & | at::mvlgamma_out (at::Tensor &out, const at::Tensor &self, int64_t p) |
|
at::Tensor & | at::mvlgamma_outf (const at::Tensor &self, int64_t p, at::Tensor &out) |
|
at::Tensor | at::mvlgamma (const at::Tensor &self, int64_t p) |
|
at::Tensor | at::narrow_copy (const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::narrow_copy (const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
at::Tensor | at::narrow_copy_symint (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::narrow_copy (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
at::Tensor & | at::narrow_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::narrow_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
at::Tensor & | at::narrow_copy_outf (const at::Tensor &self, int64_t dim, int64_t start, int64_t length, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::narrow_copy_outf (const at::Tensor &self, int64_t dim, int64_t start, int64_t length, at::Tensor &out) |
|
at::Tensor & | at::narrow_copy_symint_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::narrow_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
at::Tensor & | at::narrow_copy_symint_outf (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::narrow_copy_outf (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length, at::Tensor &out) |
|
at::Tensor | at::narrow (const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::narrow (const at::Tensor &self, int64_t dim, int64_t start, int64_t length) |
|
at::Tensor | at::narrow_symint (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::narrow (const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length) |
|
at::Tensor | at::narrow (const at::Tensor &self, int64_t dim, const at::Tensor &start, int64_t length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::narrow (const at::Tensor &self, int64_t dim, const at::Tensor &start, int64_t length) |
|
at::Tensor | at::narrow_symint (const at::Tensor &self, int64_t dim, const at::Tensor &start, c10::SymInt length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::narrow (const at::Tensor &self, int64_t dim, const at::Tensor &start, c10::SymInt length) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_batch_norm (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_batch_norm_out (at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_batch_norm_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double momentum, double eps, at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_native_batch_norm_legit (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, at::Tensor &running_mean, at::Tensor &running_var, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_batch_norm_legit_out (at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, at::Tensor &running_mean, at::Tensor &running_var, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_batch_norm_legit_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, at::Tensor &running_mean, at::Tensor &running_var, bool training, double momentum, double eps, at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_native_batch_norm_legit (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_batch_norm_legit_out (at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_batch_norm_legit_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, bool training, double momentum, double eps, at::Tensor &out, at::Tensor &save_mean, at::Tensor &save_invstd) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::batch_norm_stats (const at::Tensor &input, double eps) |
|
at::Tensor | at::batch_norm_elemt (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &invstd, double eps) |
|
at::Tensor & | at::batch_norm_elemt_out (at::Tensor &out, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &invstd, double eps) |
|
at::Tensor & | at::batch_norm_elemt_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &invstd, double eps, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::batch_norm_gather_stats (const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, int64_t count) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::batch_norm_gather_stats_with_counts (const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, const at::Tensor &counts) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::native_batch_norm_backward (const at::Tensor &grad_out, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_invstd, bool train, double eps, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::batch_norm_backward_reduce (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, bool input_g, bool weight_g, bool bias_g) |
|
at::Tensor | at::batch_norm_backward_elemt (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, const at::Tensor &mean_dy, const at::Tensor &mean_dy_xmu, const at::Tensor &count) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::batch_norm_update_stats (const at::Tensor &input, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum) |
|
bool | at::is_vulkan_available () |
|
bool | at::_nnpack_available () |
|
at::Tensor | at::_nnpack_spatial_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_nnpack_spatial_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1) |
|
at::Tensor | at::_nnpack_spatial_convolution_symint (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_nnpack_spatial_convolution (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride=1) |
|
at::Tensor | at::ones (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::ones (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::ones (at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::ones (at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::ones (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::ones (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::ones_symint (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::ones (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::ones_symint (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::ones (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::ones_out (at::Tensor &out, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::ones_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::ones_outf (at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::ones_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::ones_symint_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::ones_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
at::Tensor & | at::ones_symint_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::ones_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor | at::ones_like (const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::ones_like (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::pairwise_distance (const at::Tensor &x1, const at::Tensor &x2, double p=2, double eps=1e-06, bool keepdim=false) |
|
at::Tensor | at::cdist (const at::Tensor &x1, const at::Tensor &x2, double p=2, c10::optional< int64_t > compute_mode=c10::nullopt) |
|
at::Tensor | at::_euclidean_dist (const at::Tensor &x1, const at::Tensor &x2) |
|
at::Tensor | at::_cdist_forward (const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode) |
|
at::Tensor | at::_cdist_backward (const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist) |
|
at::Tensor | at::pdist (const at::Tensor &self, double p=2) |
|
at::Tensor | at::_pdist_forward (const at::Tensor &self, double p=2) |
|
at::Tensor | at::_pdist_backward (const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist) |
|
at::Tensor | at::cosine_similarity (const at::Tensor &x1, const at::Tensor &x2, int64_t dim=1, double eps=1e-08) |
|
at::Tensor | at::permute (const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor | at::movedim (const at::Tensor &self, at::IntArrayRef source, at::IntArrayRef destination) |
|
at::Tensor | at::movedim (const at::Tensor &self, int64_t source, int64_t destination) |
|
at::Tensor | at::moveaxis (const at::Tensor &self, at::IntArrayRef source, at::IntArrayRef destination) |
|
at::Tensor | at::moveaxis (const at::Tensor &self, int64_t source, int64_t destination) |
|
at::Tensor | at::adjoint (const at::Tensor &self) |
|
at::Tensor | at::pixel_shuffle (const at::Tensor &self, int64_t upscale_factor) |
|
at::Tensor | at::pixel_unshuffle (const at::Tensor &self, int64_t downscale_factor) |
|
at::Tensor | at::channel_shuffle (const at::Tensor &self, int64_t groups) |
|
at::Tensor | at::native_channel_shuffle (const at::Tensor &self, int64_t groups) |
|
at::Tensor | at::_pin_memory (const at::Tensor &self, c10::optional< at::Device > device=c10::nullopt) |
|
at::Tensor | at::pinverse (const at::Tensor &self, double rcond=1e-15) |
|
at::Tensor | at::poisson_nll_loss (const at::Tensor &input, const at::Tensor &target, bool log_input, bool full, double eps, int64_t reduction) |
|
at::Tensor | at::rad2deg (const at::Tensor &self) |
|
at::Tensor & | at::rad2deg_ (at::Tensor &self) |
|
at::Tensor & | at::rad2deg_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::rad2deg_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::deg2rad (const at::Tensor &self) |
|
at::Tensor & | at::deg2rad_ (at::Tensor &self) |
|
at::Tensor & | at::deg2rad_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::deg2rad_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::scalar_tensor (const at::Scalar &s, at::TensorOptions options={}) |
|
at::Tensor | at::scalar_tensor (const at::Scalar &s, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand (at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
at::Tensor | at::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::rand (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
at::Tensor | at::rand_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::rand (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::rand_out (at::Tensor &out, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::rand_outf (at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::rand_symint_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
at::Tensor & | at::rand_symint_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::rand_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::rand_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::rand_symint_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::rand_like (const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::rand_like (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::randint (int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint (int64_t high, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t high, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint_symint (int64_t high, c10::SymIntArrayRef size, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t high, c10::SymIntArrayRef size, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint_symint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint_symint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint_symint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint (int64_t low, int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint_symint (int64_t low, int64_t high, c10::SymIntArrayRef size, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, c10::SymIntArrayRef size, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint_symint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randint_symint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randint_symint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randint (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::randint_out (at::Tensor &out, int64_t high, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t high, at::IntArrayRef size) |
|
at::Tensor & | at::randint_outf (int64_t high, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t high, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randint_symint_out (at::Tensor &out, int64_t high, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t high, c10::SymIntArrayRef size) |
|
at::Tensor & | at::randint_symint_outf (int64_t high, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t high, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randint_out (at::Tensor &out, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randint_outf (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::randint_symint_out (at::Tensor &out, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randint_symint_outf (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::randint_out (at::Tensor &out, int64_t low, int64_t high, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t low, int64_t high, at::IntArrayRef size) |
|
at::Tensor & | at::randint_outf (int64_t low, int64_t high, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t low, int64_t high, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randint_symint_out (at::Tensor &out, int64_t low, int64_t high, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t low, int64_t high, c10::SymIntArrayRef size) |
|
at::Tensor & | at::randint_symint_outf (int64_t low, int64_t high, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t low, int64_t high, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randint_out (at::Tensor &out, int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randint_outf (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t low, int64_t high, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::randint_symint_out (at::Tensor &out, int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_out (at::Tensor &out, int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randint_symint_outf (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randint_outf (int64_t low, int64_t high, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::randint_like (const at::Tensor &self, int64_t high, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::randint_like (const at::Tensor &self, int64_t high, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::randint_like (const at::Tensor &self, int64_t low, int64_t high, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::randint_like (const at::Tensor &self, int64_t low, int64_t high, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::randn (at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::TensorOptions options={}) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::randn (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::randn_symint (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::randn (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::randn_out (at::Tensor &out, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::randn_outf (at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randn_symint_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
at::Tensor & | at::randn_symint_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randn_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::randn_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randn_symint_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::randn_like (const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::randn_like (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::randperm (int64_t n, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randperm (int64_t n, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::randperm (int64_t n, c10::optional< at::Generator > generator, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::randperm (int64_t n, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::randperm_out (at::Tensor &out, int64_t n) |
|
at::Tensor & | at::randperm_outf (int64_t n, at::Tensor &out) |
|
at::Tensor & | at::randperm_out (at::Tensor &out, int64_t n, c10::optional< at::Generator > generator) |
|
at::Tensor & | at::randperm_outf (int64_t n, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::range (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step=1, at::TensorOptions options={}) |
|
at::Tensor | at::range (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::range (const at::Scalar &start, const at::Scalar &end, at::TensorOptions options={}) |
|
at::Tensor | at::range (const at::Scalar &start, const at::Scalar &end, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::range_out (at::Tensor &out, const at::Scalar &start, const at::Scalar &end) |
|
at::Tensor & | at::range_outf (const at::Scalar &start, const at::Scalar &end, at::Tensor &out) |
|
at::Tensor & | at::range_out (at::Tensor &out, const at::Scalar &start, const at::Scalar &end, const at::Scalar &step) |
|
at::Tensor & | at::range_outf (const at::Scalar &start, const at::Scalar &end, const at::Scalar &step, at::Tensor &out) |
|
at::Tensor | at::ravel (const at::Tensor &self) |
|
at::Tensor | at::reciprocal (const at::Tensor &self) |
|
at::Tensor & | at::reciprocal_ (at::Tensor &self) |
|
at::Tensor & | at::reciprocal_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::reciprocal_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::neg (const at::Tensor &self) |
|
at::Tensor & | at::neg_ (at::Tensor &self) |
|
at::Tensor & | at::neg_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::neg_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::negative (const at::Tensor &self) |
|
at::Tensor & | at::negative_ (at::Tensor &self) |
|
at::Tensor & | at::negative_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::negative_outf (const at::Tensor &self, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::repeat (const at::Tensor &self, at::IntArrayRef repeats) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::repeat (const at::Tensor &self, c10::SymIntArrayRef repeats) |
|
at::Tensor | at::repeat_interleave (const at::Tensor &repeats, c10::optional< int64_t > output_size=c10::nullopt) |
|
at::Tensor | at::repeat_interleave (const at::Tensor &self, const at::Tensor &repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt) |
|
at::Tensor | at::repeat_interleave (const at::Tensor &self, int64_t repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::repeat_interleave (const at::Tensor &self, int64_t repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt) |
|
at::Tensor | at::repeat_interleave_symint (const at::Tensor &self, c10::SymInt repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::repeat_interleave (const at::Tensor &self, c10::SymInt repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt) |
|
at::Tensor | at::reshape (const at::Tensor &self, at::IntArrayRef shape) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reshape (const at::Tensor &self, at::IntArrayRef shape) |
|
at::Tensor | at::reshape_symint (const at::Tensor &self, c10::SymIntArrayRef shape) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reshape (const at::Tensor &self, c10::SymIntArrayRef shape) |
|
at::Tensor | at::_reshape_copy (const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_reshape_copy (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::_reshape_copy_symint (const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_reshape_copy (const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor | at::_reshape_alias (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_reshape_alias (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
at::Tensor | at::_reshape_alias_symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_reshape_alias (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
at::Tensor | at::_mkldnn_reshape (const at::Tensor &self, at::IntArrayRef shape) |
|
at::Tensor | at::round (const at::Tensor &self) |
|
at::Tensor & | at::round_ (at::Tensor &self) |
|
at::Tensor & | at::round_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::round_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::round (const at::Tensor &self, int64_t decimals) |
|
at::Tensor & | at::round_ (at::Tensor &self, int64_t decimals) |
|
at::Tensor & | at::round_out (at::Tensor &out, const at::Tensor &self, int64_t decimals) |
|
at::Tensor & | at::round_outf (const at::Tensor &self, int64_t decimals, at::Tensor &out) |
|
at::Tensor | at::rrelu (const at::Tensor &self, const at::Scalar &lower=0.125, const at::Scalar &upper=0.3333333333333333, bool training=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::rrelu_ (at::Tensor &self, const at::Scalar &lower=0.125, const at::Scalar &upper=0.3333333333333333, bool training=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::relu (const at::Tensor &self) |
|
at::Tensor & | at::relu_ (at::Tensor &self) |
|
at::Tensor | at::relu6 (const at::Tensor &self) |
|
at::Tensor & | at::relu6_ (at::Tensor &self) |
|
at::Tensor | at::prelu (const at::Tensor &self, const at::Tensor &weight) |
|
at::Tensor | at::_prelu_kernel (const at::Tensor &self, const at::Tensor &weight) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_prelu_kernel_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight) |
|
at::Tensor & | at::gelu_out (at::Tensor &out, const at::Tensor &self, c10::string_view approximate="none") |
|
at::Tensor & | at::gelu_outf (const at::Tensor &self, c10::string_view approximate, at::Tensor &out) |
|
at::Tensor & | at::gelu_ (at::Tensor &self, c10::string_view approximate="none") |
|
at::Tensor | at::gelu (const at::Tensor &self, c10::string_view approximate="none") |
|
at::Tensor & | at::gelu_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate="none") |
|
at::Tensor & | at::gelu_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate, at::Tensor &grad_input) |
|
at::Tensor | at::gelu_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate="none") |
|
at::Tensor | at::infinitely_differentiable_gelu_backward (const at::Tensor &grad, const at::Tensor &self) |
|
at::Tensor & | at::hardshrink_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &lambd=0.5) |
|
at::Tensor & | at::hardshrink_outf (const at::Tensor &self, const at::Scalar &lambd, at::Tensor &out) |
|
at::Tensor | at::hardshrink (const at::Tensor &self, const at::Scalar &lambd=0.5) |
|
at::Tensor & | at::hardshrink_backward_out (at::Tensor &grad_input, const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd) |
|
at::Tensor & | at::hardshrink_backward_outf (const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd, at::Tensor &grad_input) |
|
at::Tensor | at::hardshrink_backward (const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd) |
|
at::Tensor | at::rsqrt (const at::Tensor &self) |
|
at::Tensor & | at::rsqrt_ (at::Tensor &self) |
|
at::Tensor & | at::rsqrt_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::rsqrt_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::select (const at::Tensor &self, at::Dimname dim, int64_t index) |
|
at::Tensor | at::select (const at::Tensor &self, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::select (const at::Tensor &self, int64_t dim, int64_t index) |
|
at::Tensor | at::select_symint (const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::select (const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
at::Tensor | at::select_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::select_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index) |
|
at::Tensor | at::select_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::select_backward (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index) |
|
at::Tensor | at::_nested_select_backward (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_nested_select_backward (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, int64_t index) |
|
at::Tensor | at::_nested_select_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_nested_select_backward (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
at::Tensor | at::selu (const at::Tensor &self) |
|
at::Tensor & | at::selu_ (at::Tensor &self) |
|
at::Tensor | at::celu (const at::Tensor &self, const at::Scalar &alpha=1.0) |
|
at::Tensor & | at::celu_ (at::Tensor &self, const at::Scalar &alpha=1.0) |
|
at::Tensor | at::silu (const at::Tensor &self) |
|
at::Tensor & | at::silu_ (at::Tensor &self) |
|
at::Tensor & | at::silu_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::silu_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::silu_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::silu_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input) |
|
at::Tensor | at::silu_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor | at::mish (const at::Tensor &self) |
|
at::Tensor & | at::mish_ (at::Tensor &self) |
|
at::Tensor & | at::mish_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::mish_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::mish_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor | at::sigmoid (const at::Tensor &self) |
|
at::Tensor & | at::sigmoid_ (at::Tensor &self) |
|
at::Tensor & | at::sigmoid_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sigmoid_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::logit (const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::logit_ (at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::logit_out (at::Tensor &out, const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::logit_outf (const at::Tensor &self, c10::optional< double > eps, at::Tensor &out) |
|
at::Tensor | at::sin (const at::Tensor &self) |
|
at::Tensor & | at::sin_ (at::Tensor &self) |
|
at::Tensor & | at::sin_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sin_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::sinc (const at::Tensor &self) |
|
at::Tensor & | at::sinc_ (at::Tensor &self) |
|
at::Tensor & | at::sinc_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sinc_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::sinh (const at::Tensor &self) |
|
at::Tensor & | at::sinh_ (at::Tensor &self) |
|
at::Tensor & | at::sinh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sinh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::detach (const at::Tensor &self) |
|
at::Tensor & | at::detach_ (at::Tensor &self) |
|
int64_t | at::__dispatch_size (const at::Tensor &self, int64_t dim) |
|
int64_t | at::size (const at::Tensor &self, at::Dimname dim) |
|
at::Tensor | at::slice (const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slice (const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
at::Tensor | at::slice_symint (const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slice (const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
at::Tensor | at::slice_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slice_backward (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step) |
|
at::Tensor | at::slice_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slice_backward (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step) |
|
at::Tensor | at::slice_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slice_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
at::Tensor | at::slice_scatter_symint (const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slice_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
at::Tensor | at::select_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::select_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index) |
|
at::Tensor | at::select_scatter_symint (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::select_scatter (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index) |
|
at::Tensor | at::diagonal_scatter (const at::Tensor &self, const at::Tensor &src, int64_t offset=0, int64_t dim1=0, int64_t dim2=1) |
|
at::Tensor | at::as_strided_scatter (const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::as_strided_scatter (const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
at::Tensor | at::as_strided_scatter_symint (const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::as_strided_scatter (const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
at::Tensor | at::smm (const at::Tensor &self, const at::Tensor &mat2) |
|
at::Tensor | at::softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::softmax_outf (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::softmax (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_softmax (const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_softmax_outf (const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out) |
|
at::Tensor | at::_softmax_backward_data (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype) |
|
at::Tensor & | at::_softmax_backward_data_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype) |
|
at::Tensor & | at::_softmax_backward_data_outf (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype, at::Tensor &grad_input) |
|
inline ::std::vector< at::Tensor > | at::unsafe_split (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::unsafe_split (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::unsafe_split_symint (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::unsafe_split (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::split (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_symint (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::split (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split (const at::Tensor &self, at::IntArrayRef split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::split (const at::Tensor &self, at::IntArrayRef split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_symint (const at::Tensor &self, c10::SymIntArrayRef split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::split (const at::Tensor &self, c10::SymIntArrayRef split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::unsafe_split_with_sizes (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::unsafe_split_with_sizes (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::unsafe_split_with_sizes_symint (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::unsafe_split_with_sizes (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_with_sizes (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::split_with_sizes (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_with_sizes_symint (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::split_with_sizes (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::hsplit (const at::Tensor &self, int64_t sections) |
|
inline ::std::vector< at::Tensor > | at::hsplit (const at::Tensor &self, at::IntArrayRef indices) |
|
inline ::std::vector< at::Tensor > | at::vsplit (const at::Tensor &self, int64_t sections) |
|
inline ::std::vector< at::Tensor > | at::vsplit (const at::Tensor &self, at::IntArrayRef indices) |
|
inline ::std::vector< at::Tensor > | at::dsplit (const at::Tensor &self, int64_t sections) |
|
inline ::std::vector< at::Tensor > | at::dsplit (const at::Tensor &self, at::IntArrayRef indices) |
|
at::Tensor | at::squeeze (const at::Tensor &self) |
|
at::Tensor | at::squeeze (const at::Tensor &self, int64_t dim) |
|
at::Tensor | at::squeeze (const at::Tensor &self, at::Dimname dim) |
|
at::Tensor | at::squeeze (const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor | at::sspaddmm (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sspaddmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sspaddmm_outf (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::stack (at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::stack_out (at::Tensor &out, at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::stack_outf (at::TensorList tensors, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::_stack (at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::_stack_out (at::Tensor &out, at::TensorList tensors, int64_t dim=0) |
|
at::Tensor & | at::_stack_outf (at::TensorList tensors, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::hstack (at::TensorList tensors) |
|
at::Tensor & | at::hstack_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::hstack_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor | at::vstack (at::TensorList tensors) |
|
at::Tensor & | at::vstack_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::vstack_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor | at::dstack (at::TensorList tensors) |
|
at::Tensor & | at::dstack_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::dstack_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor | at::stft (const at::Tensor &self, int64_t n_fft, c10::optional< int64_t > hop_length, c10::optional< int64_t > win_length, const c10::optional< at::Tensor > &window, bool normalized, c10::optional< bool > onesided=c10::nullopt, c10::optional< bool > return_complex=c10::nullopt) |
|
at::Tensor | at::stft (const at::Tensor &self, int64_t n_fft, c10::optional< int64_t > hop_length=c10::nullopt, c10::optional< int64_t > win_length=c10::nullopt, const c10::optional< at::Tensor > &window={}, bool center=true, c10::string_view pad_mode="reflect", bool normalized=false, c10::optional< bool > onesided=c10::nullopt, c10::optional< bool > return_complex=c10::nullopt) |
|
at::Tensor | at::istft (const at::Tensor &self, int64_t n_fft, c10::optional< int64_t > hop_length=c10::nullopt, c10::optional< int64_t > win_length=c10::nullopt, const c10::optional< at::Tensor > &window={}, bool center=true, bool normalized=false, c10::optional< bool > onesided=c10::nullopt, c10::optional< int64_t > length=c10::nullopt, bool return_complex=false) |
|
int64_t | at::__dispatch_stride (const at::Tensor &self, int64_t dim) |
|
int64_t | at::stride (const at::Tensor &self, at::Dimname dim) |
|
at::Tensor | at::sum (const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::sum (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::sum (const at::Tensor &self, at::DimnameList dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::sum_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::sum_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::sum_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::sum_outf (const at::Tensor &self, at::DimnameList dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::_nested_sum_backward (const at::Tensor &grad, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false) |
|
at::Tensor | at::nansum (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::nansum_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::nansum_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::sqrt (const at::Tensor &self) |
|
at::Tensor & | at::sqrt_ (at::Tensor &self) |
|
at::Tensor & | at::sqrt_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sqrt_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::square (const at::Tensor &self) |
|
at::Tensor & | at::square_ (at::Tensor &self) |
|
at::Tensor & | at::square_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::square_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::std (const at::Tensor &self, bool unbiased) |
|
at::Tensor | at::std (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
at::Tensor | at::std (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::std_mean (const at::Tensor &self, bool unbiased) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::std_mean (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::std_mean (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::std_mean (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::std_mean (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::std_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::std_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim, at::Tensor &out) |
|
at::Tensor & | at::std_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::std_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::std (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::std_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::std_outf (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::std (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::std_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::std_outf (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::prod (const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::prod (const at::Tensor &self, int64_t dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::prod_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::prod_outf (const at::Tensor &self, int64_t dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::prod (const at::Tensor &self, at::Dimname dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::prod_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::prod_outf (const at::Tensor &self, at::Dimname dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::t (const at::Tensor &self) |
|
at::Tensor | at::tan (const at::Tensor &self) |
|
at::Tensor & | at::tan_ (at::Tensor &self) |
|
at::Tensor & | at::tan_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::tan_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::tanh (const at::Tensor &self) |
|
at::Tensor & | at::tanh_ (at::Tensor &self) |
|
at::Tensor & | at::tanh_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::tanh_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::tensordot (const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other) |
|
at::Tensor & | at::tensordot_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other) |
|
at::Tensor & | at::tensordot_outf (const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other, at::Tensor &out) |
|
at::Tensor | at::threshold (const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value) |
|
at::Tensor & | at::threshold_ (at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value) |
|
at::Tensor & | at::threshold_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value) |
|
at::Tensor & | at::threshold_outf (const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::threshold_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold) |
|
at::Tensor & | at::threshold_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold, at::Tensor &grad_input) |
|
at::Tensor | at::threshold_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold) |
|
at::Tensor | at::tile (const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor | at::transpose (const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor | at::transpose (const at::Tensor &self, at::Dimname dim0, at::Dimname dim1) |
|
at::Tensor | at::_mkldnn_transpose (const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor & | at::_mkldnn_transpose_ (at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor | at::one_hot (const at::Tensor &self, int64_t num_classes=-1) |
|
at::Tensor | at::flip (const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor | at::fliplr (const at::Tensor &self) |
|
at::Tensor | at::flipud (const at::Tensor &self) |
|
at::Tensor | at::roll (const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims={}) |
|
at::Tensor | at::rot90 (const at::Tensor &self, int64_t k=1, at::IntArrayRef dims={0, 1}) |
|
at::Tensor | at::trapezoid (const at::Tensor &y, const at::Tensor &x, int64_t dim=-1) |
|
at::Tensor | at::trapezoid (const at::Tensor &y, const at::Scalar &dx=1, int64_t dim=-1) |
|
at::Tensor | at::trapz (const at::Tensor &y, const at::Tensor &x, int64_t dim=-1) |
|
at::Tensor | at::trapz (const at::Tensor &y, double dx=1, int64_t dim=-1) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_transform_bias_rescale_qkv (const at::Tensor &qkv, const at::Tensor &qkv_bias, int64_t num_heads) |
|
at::Tensor | at::_nested_tensor_from_mask (const at::Tensor &t, const at::Tensor &mask, bool mask_check=true) |
|
bool | at::_nested_tensor_from_mask_left_aligned (const at::Tensor &t, const at::Tensor &mask) |
|
at::Tensor | at::_nested_from_padded (const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213=false) |
|
at::Tensor | at::_nested_from_padded_and_nested_example (const at::Tensor &padded, const at::Tensor &nt_example) |
|
at::Tensor | at::_nested_view_from_buffer (const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets) |
|
at::Tensor | at::_nested_view_from_buffer_copy (const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets) |
|
at::Tensor | at::_trilinear (const at::Tensor &i1, const at::Tensor &i2, const at::Tensor &i3, at::IntArrayRef expand1, at::IntArrayRef expand2, at::IntArrayRef expand3, at::IntArrayRef sumdim, int64_t unroll_dim=1) |
|
at::Tensor | at::triplet_margin_loss (const at::Tensor &anchor, const at::Tensor &positive, const at::Tensor &negative, double margin=1.0, double p=2, double eps=1e-06, bool swap=false, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor | at::trunc (const at::Tensor &self) |
|
at::Tensor & | at::trunc_ (at::Tensor &self) |
|
at::Tensor & | at::trunc_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::trunc_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::fix (const at::Tensor &self) |
|
at::Tensor & | at::fix_ (at::Tensor &self) |
|
at::Tensor & | at::fix_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::fix_outf (const at::Tensor &self, at::Tensor &out) |
|
bool | at::_has_compatible_shallow_copy_type (const at::Tensor &self, const at::Tensor &from) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_unique (const at::Tensor &self, bool sorted=true, bool return_inverse=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::unique_dim (const at::Tensor &self, int64_t dim, bool sorted=true, bool return_inverse=false, bool return_counts=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::unique_consecutive (const at::Tensor &self, bool return_inverse=false, bool return_counts=false, c10::optional< int64_t > dim=c10::nullopt) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::unique_dim_consecutive (const at::Tensor &self, int64_t dim, bool return_inverse=false, bool return_counts=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_unique2 (const at::Tensor &self, bool sorted=true, bool return_inverse=false, bool return_counts=false) |
|
at::Tensor | at::_unsafe_view (const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_unsafe_view (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::_unsafe_view_symint (const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_unsafe_view (const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor | at::unsqueeze (const at::Tensor &self, int64_t dim) |
|
at::Tensor | at::vander (const at::Tensor &x, c10::optional< int64_t > N=c10::nullopt, bool increasing=false) |
|
at::Tensor | at::var (const at::Tensor &self, bool unbiased) |
|
at::Tensor | at::var (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
at::Tensor | at::var (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::var_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::var_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim, at::Tensor &out) |
|
at::Tensor & | at::var_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::var_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::var (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::var_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
at::Tensor & | at::var_outf (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::var (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::var_out (at::Tensor &out, const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor & | at::var_outf (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::var_mean (const at::Tensor &self, bool unbiased) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::var_mean (const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::var_mean (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::var_mean (const at::Tensor &self, at::DimnameList dim, bool unbiased, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::var_mean (const at::Tensor &self, at::DimnameList dim, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
at::Tensor | at::where (const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::where_out (at::Tensor &out, const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::where_outf (const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::where (const at::Tensor &condition, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::where (const at::Tensor &condition, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::where (const at::Tensor &condition, const at::Scalar &self, const at::Scalar &other) |
|
inline ::std::vector< at::Tensor > | at::where (const at::Tensor &condition) |
|
at::Tensor | at::norm_except_dim (const at::Tensor &v, int64_t pow=2, int64_t dim=0) |
|
at::Tensor | at::_weight_norm (const at::Tensor &v, const at::Tensor &g, int64_t dim=0) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_weight_norm_interface (const at::Tensor &v, const at::Tensor &g, int64_t dim=0) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_weight_norm_interface_backward (const at::Tensor &grad_w, const at::Tensor &saved_v, const at::Tensor &saved_g, const at::Tensor &saved_norms, int64_t dim) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_weight_norm_differentiable_backward (const at::Tensor &grad_w, const at::Tensor &saved_v, const at::Tensor &saved_g, const at::Tensor &saved_norms, int64_t dim) |
|
at::Tensor | at::zeros (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}) |
|
at::Tensor | at::zeros (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_efficientzerotensor (at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_efficientzerotensor (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::zeros (at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::zeros (at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::zeros (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::zeros (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::zeros_symint (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::zeros (c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::zeros_symint (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::zeros (c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::zeros_out (at::Tensor &out, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::zeros_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::zeros_outf (at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::zeros_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::zeros_symint_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::zeros_out (at::Tensor &out, c10::SymIntArrayRef size) |
|
at::Tensor & | at::zeros_symint_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::zeros_outf (c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor | at::zeros_like (const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::zeros_like (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, c10::optional< at::MemoryFormat > memory_format) |
|
at::Tensor | at::_standard_gamma_grad (const at::Tensor &self, const at::Tensor &output) |
|
at::Tensor | at::_standard_gamma (const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::_dirichlet_grad (const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total) |
|
at::Tensor | at::_sample_dirichlet (const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::poisson (const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::binomial (const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::native_norm (const at::Tensor &self, const at::Scalar &p=2) |
|
at::Tensor | at::native_norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype) |
|
at::Tensor | at::_sparse_sum (const at::Tensor &self) |
|
at::Tensor | at::_sparse_sum (const at::Tensor &self, at::ScalarType dtype) |
|
at::Tensor | at::_sparse_sum (const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor | at::_sparse_sum (const at::Tensor &self, at::IntArrayRef dim, at::ScalarType dtype) |
|
at::Tensor | at::_sparse_sum_backward (const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor | at::_sparse_csr_sum (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_csr_prod (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_softmax (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_softmax (const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor | at::_sparse_softmax_backward_data (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self) |
|
at::Tensor | at::_sparse_log_softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_log_softmax (const at::Tensor &self, at::Dimname dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::_sparse_log_softmax (const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor | at::_sparse_log_softmax_backward_data (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self) |
|
at::Tensor | at::_spdiags (const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout=c10::nullopt) |
|
at::Tensor | at::norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::ScalarType dtype) |
|
at::Tensor | at::norm (const at::Tensor &self, const at::Scalar &p=2) |
|
at::Tensor | at::norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::ScalarType dtype) |
|
at::Tensor | at::norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::ScalarType dtype) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim, at::ScalarType dtype) |
|
at::Tensor | at::norm (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim=false) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim, at::ScalarType dtype) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim=false) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::DimnameList dim, bool keepdim, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::frexp (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::frexp_out (at::Tensor &mantissa, at::Tensor &exponent, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::frexp_outf (const at::Tensor &self, at::Tensor &mantissa, at::Tensor &exponent) |
|
at::Tensor | at::frobenius_norm (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::frobenius_norm_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::frobenius_norm_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::nuclear_norm (const at::Tensor &self, bool keepdim=false) |
|
at::Tensor & | at::nuclear_norm_out (at::Tensor &out, const at::Tensor &self, bool keepdim=false) |
|
at::Tensor & | at::nuclear_norm_outf (const at::Tensor &self, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::nuclear_norm (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::nuclear_norm_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::nuclear_norm_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::clone (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::positive (const at::Tensor &self) |
|
const at::Tensor & | at::resize_as_ (const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::resize_as_sparse_ (const at::Tensor &self, const at::Tensor &the_template) |
|
at::Tensor & | at::zero_ (at::Tensor &self) |
|
at::Tensor & | at::sub_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sub_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::sub (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::sub (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::subtract_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::subtract_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::subtract (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::subtract (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::rsub (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::heaviside_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &values) |
|
at::Tensor & | at::heaviside_outf (const at::Tensor &self, const at::Tensor &values, at::Tensor &out) |
|
at::Tensor | at::heaviside (const at::Tensor &self, const at::Tensor &values) |
|
at::Tensor | at::rsub (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::_sparse_addmm (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sparse_sampled_addmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sparse_sampled_addmm_outf (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::sparse_sampled_addmm (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_sparse_mm_reduce_impl (const at::Tensor &self, const at::Tensor &other, c10::string_view reduce) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_sparse_mm_reduce_impl_backward (const at::Tensor &self, const at::Tensor &grad_out, const at::Tensor &weight, c10::string_view reduce, const at::Tensor &arg_out, ::std::array< bool, 2 > output_mask) |
|
at::Tensor & | at::addmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addmm_outf (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::addmm (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_addmm_activation_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1, bool use_gelu=false) |
|
at::Tensor & | at::_addmm_activation_outf (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta, const at::Scalar &alpha, bool use_gelu, at::Tensor &out) |
|
at::Tensor | at::_addmm_activation (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1, bool use_gelu=false) |
|
at::Tensor | at::sparse_compressed_tensor (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_compressed_tensor (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_csr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_csr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_csc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_csc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_bsr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_bsr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_bsc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_bsc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_compressed_tensor (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::sparse_compressed_tensor (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_csr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::sparse_csr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_csc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::sparse_csc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_bsr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::sparse_bsr_tensor (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_bsc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::sparse_bsc_tensor (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_compressed_tensor_unsafe (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_compressed_tensor_unsafe (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_csr_tensor_unsafe (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_csr_tensor_unsafe (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_csc_tensor_unsafe (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_csc_tensor_unsafe (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_bsr_tensor_unsafe (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_bsr_tensor_unsafe (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_bsc_tensor_unsafe (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_bsc_tensor_unsafe (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_coo_tensor (at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::sparse_coo_tensor (at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_coo_tensor (const at::Tensor &indices, const at::Tensor &values, at::TensorOptions options={}) |
|
at::Tensor | at::sparse_coo_tensor (const at::Tensor &indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::sparse_coo_tensor (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::sparse_coo_tensor (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_coo_tensor_unsafe_symint (const at::Tensor &indices, const at::Tensor &values, c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, c10::SymIntArrayRef size, at::TensorOptions options={}) |
|
at::Tensor | at::_sparse_coo_tensor_unsafe_symint (const at::Tensor &indices, const at::Tensor &values, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_unsafe (const at::Tensor &indices, const at::Tensor &values, c10::SymIntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
void | at::_validate_sparse_coo_tensor_args (const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size) |
|
void | at::_validate_sparse_compressed_tensor_args (const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, at::Layout layout) |
|
void | at::_validate_sparse_csr_tensor_args (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size) |
|
void | at::_validate_sparse_csc_tensor_args (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size) |
|
void | at::_validate_sparse_bsr_tensor_args (const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size) |
|
void | at::_validate_sparse_bsc_tensor_args (const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, at::TensorOptions options) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::TensorOptions options) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims_and_tensors_symint (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::TensorOptions options) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::TensorOptions options) |
|
at::Tensor | at::_sparse_coo_tensor_with_dims_and_tensors_symint (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_sparse_coo_tensor_with_dims_and_tensors (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
inline ::std::vector< at::Tensor > | at::_to_cpu (at::TensorList tensors) |
|
at::Tensor | at::to_dense_backward (const at::Tensor &grad, const at::Tensor &input) |
|
at::Tensor | at::_coalesce (const at::Tensor &self) |
|
at::Tensor & | at::hspmm_out (at::Tensor &out, const at::Tensor &mat1, const at::Tensor &mat2) |
|
at::Tensor & | at::hspmm_outf (const at::Tensor &mat1, const at::Tensor &mat2, at::Tensor &out) |
|
at::Tensor | at::hspmm (const at::Tensor &mat1, const at::Tensor &mat2) |
|
at::Tensor & | at::copy_sparse_to_sparse_ (at::Tensor &self, const at::Tensor &src, bool non_blocking=false) |
|
inline ::std::vector< at::Tensor > | at::unbind (const at::Tensor &self, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::unbind (const at::Tensor &self, at::Dimname dim) |
|
at::Tensor | at::mkldnn_reorder_conv2d_weight (const at::Tensor &self, at::IntArrayRef padding=0, at::IntArrayRef stride=1, at::IntArrayRef dilation=1, int64_t groups=1, at::OptionalIntArrayRef input_size=c10::nullopt) |
|
at::Tensor | at::mkldnn_reorder_conv3d_weight (const at::Tensor &self, at::IntArrayRef padding=0, at::IntArrayRef stride=1, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor | at::to_mkldnn_backward (const at::Tensor &grad, const at::Tensor &input) |
|
at::Tensor | at::quantize_per_tensor_dynamic (const at::Tensor &self, at::ScalarType dtype, bool reduce_range) |
|
at::Tensor | at::quantize_per_tensor (const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype) |
|
at::Tensor | at::quantize_per_tensor (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, at::ScalarType dtype) |
|
inline ::std::vector< at::Tensor > | at::quantize_per_tensor (at::TensorList tensors, const at::Tensor &scales, const at::Tensor &zero_points, at::ScalarType dtype) |
|
at::Tensor | at::quantize_per_channel (const at::Tensor &self, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, at::ScalarType dtype) |
|
at::Tensor | at::dequantize (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::dequantize (at::TensorList tensors) |
|
double | at::q_scale (const at::Tensor &self) |
|
int64_t | at::q_zero_point (const at::Tensor &self) |
|
at::Tensor | at::q_per_channel_scales (const at::Tensor &self) |
|
at::Tensor | at::q_per_channel_zero_points (const at::Tensor &self) |
|
int64_t | at::q_per_channel_axis (const at::Tensor &self) |
|
at::Tensor | at::int_repr (const at::Tensor &self) |
|
at::Tensor | at::_make_per_tensor_quantized_tensor (const at::Tensor &self, double scale, int64_t zero_point) |
|
at::Tensor | at::_make_per_channel_quantized_tensor (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis) |
|
at::Tensor | at::fake_quantize_per_tensor_affine (const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max) |
|
at::Tensor | at::fake_quantize_per_tensor_affine (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::fake_quantize_per_tensor_affine_cachemask (const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, const at::Tensor &fake_quant_enabled, int64_t quant_min, int64_t quant_max) |
|
at::Tensor | at::fake_quantize_per_tensor_affine_cachemask_backward (const at::Tensor &grad, const at::Tensor &mask) |
|
at::Tensor | at::_fake_quantize_learnable_per_tensor_affine (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_fake_quantize_learnable_per_tensor_affine_backward (const at::Tensor &grad, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
at::Tensor | at::fake_quantize_per_channel_affine (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::fake_quantize_per_channel_affine_cachemask (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max) |
|
at::Tensor | at::fake_quantize_per_channel_affine_cachemask_backward (const at::Tensor &grad, const at::Tensor &mask) |
|
at::Tensor | at::_fake_quantize_learnable_per_channel_affine (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_fake_quantize_learnable_per_channel_affine_backward (const at::Tensor &grad, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
at::Tensor | at::fused_moving_avg_obs_fake_quant (const at::Tensor &self, const at::Tensor &observer_on, const at::Tensor &fake_quant_on, at::Tensor &running_min, at::Tensor &running_max, at::Tensor &scale, at::Tensor &zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, bool per_row_fake_quant=false, bool symmetric_quant=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_fused_moving_avg_obs_fq_helper (const at::Tensor &self, const at::Tensor &observer_on, const at::Tensor &fake_quant_on, at::Tensor &running_min, at::Tensor &running_max, at::Tensor &scale, at::Tensor &zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, bool per_row_fake_quant=false, bool symmetric_quant=false) |
|
inline ::std::tuple< double, int64_t > | at::_choose_qparams_per_tensor (const at::Tensor &self, bool reduce_range=false) |
|
at::Tensor | at::_saturate_weight_to_fp16 (const at::Tensor &weight) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::choose_qparams_optimized (const at::Tensor &input, int64_t numel, int64_t n_bins, double ratio, int64_t bit_width) |
|
at::Tensor | at::_to_copy (const at::Tensor &self, at::TensorOptions options={}, bool non_blocking=false, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::_to_copy (const at::Tensor &self, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, bool non_blocking, c10::optional< at::MemoryFormat > memory_format) |
|
inline ::std::vector< at::Tensor > | at::meshgrid (at::TensorList tensors) |
|
inline ::std::vector< at::Tensor > | at::meshgrid (at::TensorList tensors, c10::string_view indexing) |
|
at::Tensor | at::cartesian_prod (at::TensorList tensors) |
|
at::Tensor | at::combinations (const at::Tensor &self, int64_t r=2, bool with_replacement=false) |
|
at::ScalarType | at::result_type (const at::Tensor &tensor, const at::Tensor &other) |
|
at::ScalarType | at::result_type (const at::Tensor &tensor, const at::Scalar &other) |
|
at::ScalarType | at::result_type (const at::Scalar &scalar, const at::Tensor &tensor) |
|
at::ScalarType | at::result_type (const at::Scalar &scalar1, const at::Scalar &scalar2) |
|
bool | at::can_cast (at::ScalarType from, at::ScalarType to) |
|
at::ScalarType | at::promote_types (at::ScalarType type1, at::ScalarType type2) |
|
at::Scalar | at::_local_scalar_dense (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_lstm_mps (const at::Tensor &input, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor >,::std::vector< at::Tensor > > | at::lstm_mps_backward (const at::Tensor &grad_y, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &z_state, const at::Tensor &cell_state_fwd, const at::Tensor &input, const at::Tensor &layersOutputs, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_thnn_fused_lstm_cell (const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &cx, const c10::optional< at::Tensor > &input_bias={}, const c10::optional< at::Tensor > &hidden_bias={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_thnn_fused_lstm_cell_backward_impl (const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &cx, const at::Tensor &cy, const at::Tensor &workspace, bool has_bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_thnn_fused_lstm_cell_backward (const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &cx, const at::Tensor &cy, const at::Tensor &workspace, bool has_bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_thnn_differentiable_lstm_cell_backward (const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &input_gates, const at::Tensor &hidden_gates, const c10::optional< at::Tensor > &input_bias, const c10::optional< at::Tensor > &hidden_bias, const at::Tensor &cx, const at::Tensor &cy) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_thnn_fused_gru_cell (const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &hx, const c10::optional< at::Tensor > &input_bias={}, const c10::optional< at::Tensor > &hidden_bias={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_thnn_fused_gru_cell_backward (const at::Tensor &grad_hy, const at::Tensor &workspace, bool has_bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_thnn_differentiable_gru_cell_backward (const at::Tensor &grad_hy, const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &hx, const c10::optional< at::Tensor > &input_bias, const c10::optional< at::Tensor > &hidden_bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::lstm (const at::Tensor &input, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::lstm (const at::Tensor &data, const at::Tensor &batch_sizes, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::gru (const at::Tensor &input, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::gru (const at::Tensor &data, const at::Tensor &batch_sizes, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::rnn_tanh (const at::Tensor &input, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::rnn_tanh (const at::Tensor &data, const at::Tensor &batch_sizes, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::rnn_relu (const at::Tensor &input, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::rnn_relu (const at::Tensor &data, const at::Tensor &batch_sizes, const at::Tensor &hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::lstm_cell (const at::Tensor &input, at::TensorList hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const c10::optional< at::Tensor > &b_ih={}, const c10::optional< at::Tensor > &b_hh={}) |
|
at::Tensor | at::gru_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const c10::optional< at::Tensor > &b_ih={}, const c10::optional< at::Tensor > &b_hh={}) |
|
at::Tensor | at::rnn_tanh_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const c10::optional< at::Tensor > &b_ih={}, const c10::optional< at::Tensor > &b_hh={}) |
|
at::Tensor | at::rnn_relu_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const c10::optional< at::Tensor > &b_ih={}, const c10::optional< at::Tensor > &b_hh={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::quantized_lstm_cell (const at::Tensor &input, at::TensorList hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const at::Tensor &b_ih, const at::Tensor &b_hh, const at::Tensor &packed_ih, const at::Tensor &packed_hh, const at::Tensor &col_offsets_ih, const at::Tensor &col_offsets_hh, const at::Scalar &scale_ih, const at::Scalar &scale_hh, const at::Scalar &zero_point_ih, const at::Scalar &zero_point_hh) |
|
at::Tensor | at::quantized_gru_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const at::Tensor &b_ih, const at::Tensor &b_hh, const at::Tensor &packed_ih, const at::Tensor &packed_hh, const at::Tensor &col_offsets_ih, const at::Tensor &col_offsets_hh, const at::Scalar &scale_ih, const at::Scalar &scale_hh, const at::Scalar &zero_point_ih, const at::Scalar &zero_point_hh) |
|
at::Tensor | at::quantized_rnn_relu_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const at::Tensor &b_ih, const at::Tensor &b_hh, const at::Tensor &packed_ih, const at::Tensor &packed_hh, const at::Tensor &col_offsets_ih, const at::Tensor &col_offsets_hh, const at::Scalar &scale_ih, const at::Scalar &scale_hh, const at::Scalar &zero_point_ih, const at::Scalar &zero_point_hh) |
|
at::Tensor | at::quantized_rnn_tanh_cell (const at::Tensor &input, const at::Tensor &hx, const at::Tensor &w_ih, const at::Tensor &w_hh, const at::Tensor &b_ih, const at::Tensor &b_hh, const at::Tensor &packed_ih, const at::Tensor &packed_hh, const at::Tensor &col_offsets_ih, const at::Tensor &col_offsets_hh, const at::Scalar &scale_ih, const at::Scalar &scale_hh, const at::Scalar &zero_point_ih, const at::Scalar &zero_point_hh) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_pack_padded_sequence (const at::Tensor &input, const at::Tensor &lengths, bool batch_first) |
|
at::Tensor | at::_pack_padded_sequence_backward (const at::Tensor &grad, at::IntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_pack_padded_sequence_backward (const at::Tensor &grad, at::IntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first) |
|
at::Tensor | at::_pack_padded_sequence_backward_symint (const at::Tensor &grad, c10::SymIntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_pack_padded_sequence_backward (const at::Tensor &grad, c10::SymIntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_pad_packed_sequence (const at::Tensor &data, const at::Tensor &batch_sizes, bool batch_first, const at::Scalar &padding_value, int64_t total_length) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::set_ (at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::set_ (at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::set_ (at::Tensor &self, const at::Tensor &source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::set_ (at::Tensor &self, const at::Tensor &source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
at::Tensor | at::lift (const at::Tensor &self) |
|
at::Tensor | at::lift_fresh (const at::Tensor &self) |
|
at::Tensor | at::lift_fresh_copy (const at::Tensor &self) |
|
at::Tensor | at::masked_fill (const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value) |
|
at::Tensor | at::masked_fill (const at::Tensor &self, const at::Tensor &mask, const at::Tensor &value) |
|
at::Tensor | at::masked_scatter (const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source) |
|
at::Tensor | at::_masked_softmax (const at::Tensor &self, const at::Tensor &mask, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > mask_type=c10::nullopt) |
|
at::Tensor | at::_masked_softmax_backward (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &mask, c10::optional< int64_t > dim=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::view (const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::view (const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor | at::put (const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate=false) |
|
at::Tensor & | at::index_add_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, const at::Scalar &alpha=1) |
|
at::Tensor & | at::index_add_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::index_add (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, const at::Scalar &alpha=1) |
|
at::Tensor | at::index_add (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Tensor &source, const at::Scalar &alpha=1) |
|
at::Tensor & | at::index_reduce_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, c10::string_view reduce, bool include_self=true) |
|
at::Tensor & | at::index_reduce_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, c10::string_view reduce, bool include_self, at::Tensor &out) |
|
at::Tensor | at::index_reduce (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, c10::string_view reduce, bool include_self=true) |
|
at::Tensor | at::index_fill (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor | at::index_fill (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &value) |
|
at::Tensor | at::index_fill (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor | at::index_fill (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Tensor &value) |
|
at::Tensor | at::scatter (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor & | at::scatter_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor & | at::scatter_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, at::Tensor &out) |
|
at::Tensor | at::scatter (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor & | at::scatter_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor & | at::scatter_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor | at::scatter (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce) |
|
at::Tensor & | at::scatter_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce) |
|
at::Tensor & | at::scatter_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce, at::Tensor &out) |
|
at::Tensor | at::scatter (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, c10::string_view reduce) |
|
at::Tensor & | at::scatter_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, c10::string_view reduce) |
|
at::Tensor & | at::scatter_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, c10::string_view reduce, at::Tensor &out) |
|
at::Tensor | at::scatter (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor | at::scatter (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor | at::scatter_add (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor & | at::scatter_add_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor & | at::scatter_add_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, at::Tensor &out) |
|
at::Tensor | at::scatter_add (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, const at::Tensor &src) |
|
at::Tensor | at::scatter_reduce (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce, bool include_self=true) |
|
at::Tensor & | at::scatter_reduce_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce, bool include_self=true) |
|
at::Tensor & | at::scatter_reduce_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, c10::string_view reduce, bool include_self, at::Tensor &out) |
|
at::Tensor & | at::bitwise_and_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_and_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_and_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_and_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_and (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::bitwise_and (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::bitwise_and (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::__and__ (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::__and__ (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_or_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_or_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_or_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_or_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_or (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::bitwise_or (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::bitwise_or (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::__or__ (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::__or__ (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_xor_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_xor_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_xor_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_xor_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_xor (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::bitwise_xor (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::bitwise_xor (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::__xor__ (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::__xor__ (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::__lshift__ (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::__lshift__ (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::bitwise_left_shift (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_left_shift_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_left_shift_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_left_shift (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_left_shift_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_left_shift_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_left_shift (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::__rshift__ (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor | at::__rshift__ (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::bitwise_right_shift (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_right_shift_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_right_shift_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_right_shift (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_right_shift_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::bitwise_right_shift_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::bitwise_right_shift (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::addbmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::addbmm_outf (const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor | at::addbmm (const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::diag_out (at::Tensor &out, const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor & | at::diag_outf (const at::Tensor &self, int64_t diagonal, at::Tensor &out) |
|
at::Tensor | at::diag (const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor & | at::cross_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::cross_outf (const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim, at::Tensor &out) |
|
at::Tensor | at::cross (const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::triu_out (at::Tensor &out, const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor & | at::triu_outf (const at::Tensor &self, int64_t diagonal, at::Tensor &out) |
|
at::Tensor | at::triu (const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor & | at::tril_out (at::Tensor &out, const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor & | at::tril_outf (const at::Tensor &self, int64_t diagonal, at::Tensor &out) |
|
at::Tensor | at::tril (const at::Tensor &self, int64_t diagonal=0) |
|
at::Tensor | at::tril_indices (int64_t row, int64_t col, int64_t offset=0, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::tril_indices (int64_t row, int64_t col, int64_t offset, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::triu_indices (int64_t row, int64_t col, int64_t offset=0, at::TensorOptions options=at::kLong) |
|
at::Tensor | at::triu_indices (int64_t row, int64_t col, int64_t offset, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::trace (const at::Tensor &self) |
|
at::Tensor | at::trace_backward (const at::Tensor &grad, at::IntArrayRef sizes) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::trace_backward (const at::Tensor &grad, at::IntArrayRef sizes) |
|
at::Tensor | at::trace_backward_symint (const at::Tensor &grad, c10::SymIntArrayRef sizes) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::trace_backward (const at::Tensor &grad, c10::SymIntArrayRef sizes) |
|
at::Tensor & | at::ne_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::ne_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::ne (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::ne_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ne_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::ne (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::not_equal_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::not_equal_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::not_equal (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::not_equal_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::not_equal_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::not_equal (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::eq_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::eq_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::eq (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::eq_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::eq_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::eq (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ge_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::ge_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::ge (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::ge_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::ge_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::ge (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::greater_equal_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::greater_equal_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::greater_equal (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::greater_equal_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::greater_equal_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::greater_equal (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::le_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::le_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::le (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::le_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::le_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::le (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::less_equal_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::less_equal_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::less_equal (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::less_equal_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::less_equal_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::less_equal (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::gt_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::gt_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::gt (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::gt_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::gt_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::gt (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::greater_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::greater_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::greater (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::greater_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::greater_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::greater (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::lt_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::lt_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::lt (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::lt_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::lt_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::lt (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::less_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::less_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::less (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::less_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::less_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::less (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::take_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &index) |
|
at::Tensor & | at::take_outf (const at::Tensor &self, const at::Tensor &index, at::Tensor &out) |
|
at::Tensor | at::take (const at::Tensor &self, const at::Tensor &index) |
|
at::Tensor & | at::take_along_dim_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::take_along_dim_outf (const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim, at::Tensor &out) |
|
at::Tensor | at::take_along_dim (const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::index_select_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index) |
|
at::Tensor & | at::index_select_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, at::Tensor &out) |
|
at::Tensor | at::index_select (const at::Tensor &self, int64_t dim, const at::Tensor &index) |
|
at::Tensor & | at::index_select_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, const at::Tensor &index) |
|
at::Tensor & | at::index_select_outf (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, at::Tensor &out) |
|
at::Tensor | at::index_select (const at::Tensor &self, at::Dimname dim, const at::Tensor &index) |
|
at::Tensor | at::index_select_backward (const at::Tensor &grad, at::IntArrayRef self_sizes, int64_t dim, const at::Tensor &index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::index_select_backward (const at::Tensor &grad, at::IntArrayRef self_sizes, int64_t dim, const at::Tensor &index) |
|
at::Tensor | at::index_select_backward_symint (const at::Tensor &grad, c10::SymIntArrayRef self_sizes, int64_t dim, const at::Tensor &index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::index_select_backward (const at::Tensor &grad, c10::SymIntArrayRef self_sizes, int64_t dim, const at::Tensor &index) |
|
at::Tensor & | at::masked_select_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask) |
|
at::Tensor & | at::masked_select_outf (const at::Tensor &self, const at::Tensor &mask, at::Tensor &out) |
|
at::Tensor | at::masked_select (const at::Tensor &self, const at::Tensor &mask) |
|
at::Tensor | at::masked_select_backward (const at::Tensor &grad, const at::Tensor &input, const at::Tensor &mask) |
|
at::Tensor & | at::nonzero_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::nonzero_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::nonzero (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::nonzero_numpy (const at::Tensor &self) |
|
at::Tensor | at::argwhere (const at::Tensor &self) |
|
at::Tensor & | at::gather_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad=false) |
|
at::Tensor & | at::gather_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad, at::Tensor &out) |
|
at::Tensor | at::gather (const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad=false) |
|
at::Tensor | at::gather_backward (const at::Tensor &grad, const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad) |
|
at::Tensor & | at::gather_out (at::Tensor &out, const at::Tensor &self, at::Dimname dim, const at::Tensor &index, bool sparse_grad=false) |
|
at::Tensor & | at::gather_outf (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, bool sparse_grad, at::Tensor &out) |
|
at::Tensor | at::gather (const at::Tensor &self, at::Dimname dim, const at::Tensor &index, bool sparse_grad=false) |
|
at::Tensor | at::_gather_sparse_backward (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &grad) |
|
at::Tensor & | at::addcmul_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1) |
|
at::Tensor & | at::addcmul_outf (const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor | at::addcmul (const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1) |
|
at::Tensor & | at::addcdiv_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1) |
|
at::Tensor & | at::addcdiv_outf (const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor | at::addcdiv (const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1) |
|
at::Tensor | at::cross_entropy_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100, double label_smoothing=0.0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::cross_entropy_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100, double label_smoothing=0.0) |
|
at::Tensor | at::cross_entropy_loss_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100, double label_smoothing=0.0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::cross_entropy_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100, double label_smoothing=0.0) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::triangular_solve_out (at::Tensor &X, at::Tensor &M, const at::Tensor &self, const at::Tensor &A, bool upper=true, bool transpose=false, bool unitriangular=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::triangular_solve_outf (const at::Tensor &self, const at::Tensor &A, bool upper, bool transpose, bool unitriangular, at::Tensor &X, at::Tensor &M) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::triangular_solve (const at::Tensor &self, const at::Tensor &A, bool upper=true, bool transpose=false, bool unitriangular=false) |
|
void | at::_linalg_check_errors (const at::Tensor &info, c10::string_view api_name, bool is_matrix) |
|
at::Tensor & | at::linalg_solve_triangular_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &B, bool upper, bool left=true, bool unitriangular=false) |
|
at::Tensor & | at::linalg_solve_triangular_outf (const at::Tensor &self, const at::Tensor &B, bool upper, bool left, bool unitriangular, at::Tensor &out) |
|
at::Tensor | at::linalg_solve_triangular (const at::Tensor &self, const at::Tensor &B, bool upper, bool left=true, bool unitriangular=false) |
|
at::Tensor | at::linalg_vander (const at::Tensor &x, c10::optional< int64_t > N=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::svd_out (at::Tensor &U, at::Tensor &S, at::Tensor &V, const at::Tensor &self, bool some=true, bool compute_uv=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::svd_outf (const at::Tensor &self, bool some, bool compute_uv, at::Tensor &U, at::Tensor &S, at::Tensor &V) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::svd (const at::Tensor &self, bool some=true, bool compute_uv=true) |
|
at::Tensor | at::swapaxes (const at::Tensor &self, int64_t axis0, int64_t axis1) |
|
at::Tensor | at::swapdims (const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor & | at::cholesky_out (at::Tensor &out, const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::cholesky_outf (const at::Tensor &self, bool upper, at::Tensor &out) |
|
at::Tensor | at::cholesky (const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::cholesky_solve_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &input2, bool upper=false) |
|
at::Tensor & | at::cholesky_solve_outf (const at::Tensor &self, const at::Tensor &input2, bool upper, at::Tensor &out) |
|
at::Tensor | at::cholesky_solve (const at::Tensor &self, const at::Tensor &input2, bool upper=false) |
|
at::Tensor | at::_cholesky_solve_helper (const at::Tensor &self, const at::Tensor &A, bool upper) |
|
at::Tensor | at::cholesky_inverse (const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::cholesky_inverse_out (at::Tensor &out, const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::cholesky_inverse_outf (const at::Tensor &self, bool upper, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::qr_out (at::Tensor &Q, at::Tensor &R, const at::Tensor &self, bool some=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::qr_outf (const at::Tensor &self, bool some, at::Tensor &Q, at::Tensor &R) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::qr (const at::Tensor &self, bool some=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::geqrf_out (at::Tensor &a, at::Tensor &tau, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::geqrf_outf (const at::Tensor &self, at::Tensor &a, at::Tensor &tau) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::geqrf (const at::Tensor &self) |
|
at::Tensor | at::orgqr (const at::Tensor &self, const at::Tensor &input2) |
|
at::Tensor & | at::orgqr_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &input2) |
|
at::Tensor & | at::orgqr_outf (const at::Tensor &self, const at::Tensor &input2, at::Tensor &out) |
|
at::Tensor & | at::ormqr_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left=true, bool transpose=false) |
|
at::Tensor & | at::ormqr_outf (const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left, bool transpose, at::Tensor &out) |
|
at::Tensor | at::ormqr (const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left=true, bool transpose=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_lu_with_info (const at::Tensor &self, bool pivot=true, bool check_errors=true) |
|
at::Tensor & | at::lu_solve_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots) |
|
at::Tensor & | at::lu_solve_outf (const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots, at::Tensor &out) |
|
at::Tensor | at::lu_solve (const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::lu_unpack (const at::Tensor &LU_data, const at::Tensor &LU_pivots, bool unpack_data=true, bool unpack_pivots=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::lu_unpack_out (at::Tensor &P, at::Tensor &L, at::Tensor &U, const at::Tensor &LU_data, const at::Tensor &LU_pivots, bool unpack_data=true, bool unpack_pivots=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::lu_unpack_outf (const at::Tensor &LU_data, const at::Tensor &LU_pivots, bool unpack_data, bool unpack_pivots, at::Tensor &P, at::Tensor &L, at::Tensor &U) |
|
at::Tensor & | at::multinomial_out (at::Tensor &out, const at::Tensor &self, int64_t num_samples, bool replacement=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::multinomial_outf (const at::Tensor &self, int64_t num_samples, bool replacement, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::multinomial (const at::Tensor &self, int64_t num_samples, bool replacement=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::lgamma_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::lgamma_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::lgamma (const at::Tensor &self) |
|
at::Tensor & | at::digamma_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::digamma_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::digamma (const at::Tensor &self) |
|
at::Tensor & | at::polygamma_out (at::Tensor &out, int64_t n, const at::Tensor &self) |
|
at::Tensor & | at::polygamma_outf (int64_t n, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::polygamma (int64_t n, const at::Tensor &self) |
|
at::Tensor | at::erfinv (const at::Tensor &self) |
|
at::Tensor & | at::erfinv_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::erfinv_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::i0 (const at::Tensor &self) |
|
at::Tensor & | at::i0_ (at::Tensor &self) |
|
at::Tensor & | at::i0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::i0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::sign (const at::Tensor &self) |
|
at::Tensor & | at::sign_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::sign_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::signbit (const at::Tensor &self) |
|
at::Tensor & | at::signbit_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::signbit_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::dist (const at::Tensor &self, const at::Tensor &other, const at::Scalar &p=2) |
|
at::Tensor & | at::atan2_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::atan2_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::atan2 (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::arctan2 (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::arctan2_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::arctan2_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::lerp_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight) |
|
at::Tensor & | at::lerp_outf (const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight, at::Tensor &out) |
|
at::Tensor & | at::lerp_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &end, const at::Tensor &weight) |
|
at::Tensor & | at::lerp_outf (const at::Tensor &self, const at::Tensor &end, const at::Tensor &weight, at::Tensor &out) |
|
at::Tensor | at::lerp (const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight) |
|
at::Tensor | at::lerp (const at::Tensor &self, const at::Tensor &end, const at::Tensor &weight) |
|
at::Tensor & | at::histc_out (at::Tensor &out, const at::Tensor &self, int64_t bins=100, const at::Scalar &min=0, const at::Scalar &max=0) |
|
at::Tensor & | at::histc_outf (const at::Tensor &self, int64_t bins, const at::Scalar &min, const at::Scalar &max, at::Tensor &out) |
|
at::Tensor | at::histc (const at::Tensor &self, int64_t bins=100, const at::Scalar &min=0, const at::Scalar &max=0) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::histogram_out (at::Tensor &hist, at::Tensor &bin_edges, const at::Tensor &self, const at::Tensor &bins, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::histogram_outf (const at::Tensor &self, const at::Tensor &bins, const c10::optional< at::Tensor > &weight, bool density, at::Tensor &hist, at::Tensor &bin_edges) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::histogram (const at::Tensor &self, const at::Tensor &bins, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::histogram_out (at::Tensor &hist, at::Tensor &bin_edges, const at::Tensor &self, int64_t bins=100, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::histogram_outf (const at::Tensor &self, int64_t bins, c10::optional< at::ArrayRef< double > > range, const c10::optional< at::Tensor > &weight, bool density, at::Tensor &hist, at::Tensor &bin_edges) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::histogram (const at::Tensor &self, int64_t bins=100, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::vector< at::Tensor > | at::_histogramdd_bin_edges (const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
at::Tensor | at::_histogramdd_from_bin_cts (const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
at::Tensor | at::_histogramdd_from_bin_tensors (const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor > > | at::histogramdd (const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor > > | at::histogramdd (const at::Tensor &self, int64_t bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor > > | at::histogramdd (const at::Tensor &self, at::TensorList bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
at::Tensor & | at::fmod_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::fmod_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::fmod (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::fmod_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::fmod_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::fmod (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::hypot_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::hypot_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::hypot (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::igamma_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::igamma_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::igamma (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::igammac_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::igammac_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::igammac (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::nextafter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::nextafter_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::nextafter (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::remainder_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::remainder_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::remainder (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::remainder_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::remainder_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::remainder (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::remainder (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::min (const at::Tensor &self) |
|
at::Tensor | at::fmin (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::fmin_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::fmin_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::max (const at::Tensor &self) |
|
at::Tensor | at::fmax (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::fmax_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::fmax_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::maximum (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::maximum_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::maximum_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::max (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::max_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::max_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::max_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::max_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::minimum (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::minimum_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::minimum_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::min_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::min_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::min (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::quantile (const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::quantile_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::quantile_outf (const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out) |
|
at::Tensor | at::quantile (const at::Tensor &self, double q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::quantile_out (at::Tensor &out, const at::Tensor &self, double q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::quantile_outf (const at::Tensor &self, double q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out) |
|
at::Tensor | at::nanquantile (const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::nanquantile_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::nanquantile_outf (const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out) |
|
at::Tensor | at::nanquantile (const at::Tensor &self, double q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::nanquantile_out (at::Tensor &out, const at::Tensor &self, double q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear") |
|
at::Tensor & | at::nanquantile_outf (const at::Tensor &self, double q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim=-1, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_outf (const at::Tensor &self, int64_t dim, bool descending, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, c10::optional< bool > stable, int64_t dim=-1, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_outf (const at::Tensor &self, c10::optional< bool > stable, int64_t dim, bool descending, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::sort (const at::Tensor &self, int64_t dim=-1, bool descending=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::sort (const at::Tensor &self, c10::optional< bool > stable, int64_t dim=-1, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, at::Dimname dim, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_outf (const at::Tensor &self, at::Dimname dim, bool descending, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, c10::optional< bool > stable, at::Dimname dim, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::sort_outf (const at::Tensor &self, c10::optional< bool > stable, at::Dimname dim, bool descending, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::sort (const at::Tensor &self, at::Dimname dim, bool descending=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::sort (const at::Tensor &self, c10::optional< bool > stable, at::Dimname dim, bool descending=false) |
|
at::Tensor & | at::msort_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::msort_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::msort (const at::Tensor &self) |
|
at::Tensor | at::argsort (const at::Tensor &self, int64_t dim=-1, bool descending=false) |
|
at::Tensor | at::argsort (const at::Tensor &self, bool stable, int64_t dim=-1, bool descending=false) |
|
at::Tensor | at::argsort (const at::Tensor &self, at::Dimname dim, bool descending=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::topk_out (at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t k, int64_t dim=-1, bool largest=true, bool sorted=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::topk_outf (const at::Tensor &self, int64_t k, int64_t dim, bool largest, bool sorted, at::Tensor &values, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::topk (const at::Tensor &self, int64_t k, int64_t dim=-1, bool largest=true, bool sorted=true) |
|
at::Tensor | at::all (const at::Tensor &self) |
|
at::Tensor & | at::all_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::all_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::any (const at::Tensor &self) |
|
at::Tensor & | at::any_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::any_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::renorm_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm) |
|
at::Tensor & | at::renorm_outf (const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm, at::Tensor &out) |
|
at::Tensor | at::renorm (const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm) |
|
at::Tensor | at::unfold_backward (const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::unfold_backward (const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
at::Tensor | at::unfold_backward_symint (const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::unfold_backward (const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
bool | at::equal (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::pow_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &exponent) |
|
at::Tensor & | at::pow_outf (const at::Tensor &self, const at::Tensor &exponent, at::Tensor &out) |
|
at::Tensor | at::pow (const at::Tensor &self, const at::Tensor &exponent) |
|
at::Tensor & | at::pow_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &exponent) |
|
at::Tensor & | at::pow_outf (const at::Scalar &self, const at::Tensor &exponent, at::Tensor &out) |
|
at::Tensor | at::pow (const at::Scalar &self, const at::Tensor &exponent) |
|
at::Tensor & | at::pow_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &exponent) |
|
at::Tensor & | at::pow_outf (const at::Tensor &self, const at::Scalar &exponent, at::Tensor &out) |
|
at::Tensor | at::pow (const at::Tensor &self, const at::Scalar &exponent) |
|
at::Tensor & | at::float_power_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &exponent) |
|
at::Tensor & | at::float_power_outf (const at::Tensor &self, const at::Tensor &exponent, at::Tensor &out) |
|
at::Tensor | at::float_power (const at::Tensor &self, const at::Tensor &exponent) |
|
at::Tensor & | at::float_power_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &exponent) |
|
at::Tensor & | at::float_power_outf (const at::Scalar &self, const at::Tensor &exponent, at::Tensor &out) |
|
at::Tensor | at::float_power (const at::Scalar &self, const at::Tensor &exponent) |
|
at::Tensor & | at::float_power_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &exponent) |
|
at::Tensor & | at::float_power_outf (const at::Tensor &self, const at::Scalar &exponent, at::Tensor &out) |
|
at::Tensor | at::float_power (const at::Tensor &self, const at::Scalar &exponent) |
|
at::Tensor | at::normal_functional (const at::Tensor &self, double mean=0, double std=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_out (at::Tensor &out, const at::Tensor &mean, double std=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_outf (const at::Tensor &mean, double std, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::normal (const at::Tensor &mean, double std=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_out (at::Tensor &out, double mean, const at::Tensor &std, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_outf (double mean, const at::Tensor &std, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::normal (double mean, const at::Tensor &std, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_out (at::Tensor &out, const at::Tensor &mean, const at::Tensor &std, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_outf (const at::Tensor &mean, const at::Tensor &std, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::normal (const at::Tensor &mean, const at::Tensor &std, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::normal (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::normal (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={}) |
|
at::Tensor | at::normal (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::normal (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor | at::normal_symint (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::normal (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={}) |
|
at::Tensor | at::normal_symint (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::normal (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::normal_out (at::Tensor &out, double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::normal_out (at::Tensor &out, double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_outf (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::normal_outf (double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::normal_symint_out (at::Tensor &out, double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::normal_out (at::Tensor &out, double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_symint_outf (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::normal_outf (double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::alias (const at::Tensor &self) |
|
void | at::_amp_foreach_non_finite_check_and_unscale_ (at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale) |
|
at::Tensor & | at::_amp_update_scale_ (at::Tensor &self, at::Tensor &growth_tracker, const at::Tensor &found_inf, double scale_growth_factor, double scale_backoff_factor, int64_t growth_interval) |
|
inline ::std::vector< at::Tensor > | at::_foreach_add (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_add_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sub (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_sub_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_mul (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_mul_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_div (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_div_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_min (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_clamp_min_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_max (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_clamp_max_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_maximum (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_maximum_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_minimum (at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_minimum_ (at::TensorList self, const at::Scalar &scalar) |
|
inline ::std::vector< at::Tensor > | at::_foreach_add (at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
void | at::_foreach_add_ (at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sub (at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
void | at::_foreach_sub_ (at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
inline ::std::vector< at::Tensor > | at::_foreach_mul (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_mul_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_div (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_div_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_min (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_clamp_min_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_max (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_clamp_max_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_maximum (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_maximum_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_minimum (at::TensorList self, at::TensorList other) |
|
void | at::_foreach_minimum_ (at::TensorList self, at::TensorList other) |
|
inline ::std::vector< at::Tensor > | at::_foreach_add (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_add_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sub (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_sub_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_div (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_div_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_mul (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_mul_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_min (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_clamp_min_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_clamp_max (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_clamp_max_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_maximum (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_maximum_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_minimum (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_minimum_ (at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_exp (at::TensorList self) |
|
void | at::_foreach_zero_ (at::TensorList self) |
|
void | at::_foreach_exp_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sqrt (at::TensorList self) |
|
void | at::_foreach_sqrt_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_abs (at::TensorList self) |
|
void | at::_foreach_abs_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_acos (at::TensorList self) |
|
void | at::_foreach_acos_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_asin (at::TensorList self) |
|
void | at::_foreach_asin_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_atan (at::TensorList self) |
|
void | at::_foreach_atan_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_ceil (at::TensorList self) |
|
void | at::_foreach_ceil_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_cos (at::TensorList self) |
|
void | at::_foreach_cos_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_cosh (at::TensorList self) |
|
void | at::_foreach_cosh_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_erf (at::TensorList self) |
|
void | at::_foreach_erf_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_erfc (at::TensorList self) |
|
void | at::_foreach_erfc_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_expm1 (at::TensorList self) |
|
void | at::_foreach_expm1_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_floor (at::TensorList self) |
|
void | at::_foreach_floor_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_log (at::TensorList self) |
|
void | at::_foreach_log_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_log10 (at::TensorList self) |
|
void | at::_foreach_log10_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_log1p (at::TensorList self) |
|
void | at::_foreach_log1p_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_log2 (at::TensorList self) |
|
void | at::_foreach_log2_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_neg (at::TensorList self) |
|
void | at::_foreach_neg_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_tan (at::TensorList self) |
|
void | at::_foreach_tan_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_tanh (at::TensorList self) |
|
void | at::_foreach_tanh_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sin (at::TensorList self) |
|
void | at::_foreach_sin_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sinh (at::TensorList self) |
|
void | at::_foreach_sinh_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_round (at::TensorList self) |
|
void | at::_foreach_round_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_lgamma (at::TensorList self) |
|
void | at::_foreach_lgamma_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_frac (at::TensorList self) |
|
void | at::_foreach_frac_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_reciprocal (at::TensorList self) |
|
void | at::_foreach_reciprocal_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_sigmoid (at::TensorList self) |
|
void | at::_foreach_sigmoid_ (at::TensorList self) |
|
inline ::std::vector< at::Tensor > | at::_foreach_trunc (at::TensorList self) |
|
void | at::_foreach_trunc_ (at::TensorList self) |
|
void | at::_foreach_addcdiv_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
void | at::_foreach_addcmul_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
void | at::_foreach_addcdiv_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_addcdiv_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
void | at::_foreach_addcmul_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_addcmul_ (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcdiv (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcmul (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcdiv (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcdiv (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcmul (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_addcmul (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
inline ::std::vector< at::Tensor > | at::_foreach_norm (at::TensorList self, const at::Scalar &ord=2) |
|
inline ::std::vector< at::Tensor > | at::_foreach_lerp (at::TensorList self, at::TensorList tensors1, at::TensorList weights) |
|
void | at::_foreach_lerp_ (at::TensorList self, at::TensorList tensors1, at::TensorList weights) |
|
inline ::std::vector< at::Tensor > | at::_foreach_lerp (at::TensorList self, at::TensorList tensors1, const at::Scalar &weight) |
|
void | at::_foreach_lerp_ (at::TensorList self, at::TensorList tensors1, const at::Scalar &weight) |
|
at::Tensor | at::bucketize (const at::Tensor &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false) |
|
at::Tensor & | at::bucketize_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false) |
|
at::Tensor & | at::bucketize_outf (const at::Tensor &self, const at::Tensor &boundaries, bool out_int32, bool right, at::Tensor &out) |
|
at::Tensor | at::bucketize (const at::Scalar &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false) |
|
at::Tensor | at::searchsorted (const at::Tensor &sorted_sequence, const at::Tensor &self, bool out_int32=false, bool right=false, c10::optional< c10::string_view > side=c10::nullopt, const c10::optional< at::Tensor > &sorter={}) |
|
at::Tensor & | at::searchsorted_out (at::Tensor &out, const at::Tensor &sorted_sequence, const at::Tensor &self, bool out_int32=false, bool right=false, c10::optional< c10::string_view > side=c10::nullopt, const c10::optional< at::Tensor > &sorter={}) |
|
at::Tensor & | at::searchsorted_outf (const at::Tensor &sorted_sequence, const at::Tensor &self, bool out_int32, bool right, c10::optional< c10::string_view > side, const c10::optional< at::Tensor > &sorter, at::Tensor &out) |
|
at::Tensor | at::searchsorted (const at::Tensor &sorted_sequence, const at::Scalar &self, bool out_int32=false, bool right=false, c10::optional< c10::string_view > side=c10::nullopt, const c10::optional< at::Tensor > &sorter={}) |
|
at::Tensor | at::_convert_indices_from_coo_to_csr (const at::Tensor &self, int64_t size, bool out_int32=false) |
|
at::Tensor & | at::_convert_indices_from_coo_to_csr_out (at::Tensor &out, const at::Tensor &self, int64_t size, bool out_int32=false) |
|
at::Tensor & | at::_convert_indices_from_coo_to_csr_outf (const at::Tensor &self, int64_t size, bool out_int32, at::Tensor &out) |
|
at::Tensor | at::_convert_indices_from_csr_to_coo (const at::Tensor &crow_indices, const at::Tensor &col_indices, bool out_int32=false, bool transpose=false) |
|
at::Tensor & | at::_convert_indices_from_csr_to_coo_out (at::Tensor &out, const at::Tensor &crow_indices, const at::Tensor &col_indices, bool out_int32=false, bool transpose=false) |
|
at::Tensor & | at::_convert_indices_from_csr_to_coo_outf (const at::Tensor &crow_indices, const at::Tensor &col_indices, bool out_int32, bool transpose, at::Tensor &out) |
|
at::Tensor & | at::mse_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::mse_loss_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out) |
|
at::Tensor | at::mse_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::mse_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
at::Tensor & | at::mse_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &grad_input) |
|
at::Tensor | at::mse_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
at::Tensor | at::l1_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multi_margin_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const at::Scalar &p=1, const at::Scalar &margin=1, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multi_margin_loss_outf (const at::Tensor &self, const at::Tensor &target, const at::Scalar &p, const at::Scalar &margin, const c10::optional< at::Tensor > &weight, int64_t reduction, at::Tensor &out) |
|
at::Tensor | at::multi_margin_loss (const at::Tensor &self, const at::Tensor &target, const at::Scalar &p=1, const at::Scalar &margin=1, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multi_margin_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const at::Scalar &p, const at::Scalar &margin, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multi_margin_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const at::Scalar &p, const at::Scalar &margin, const c10::optional< at::Tensor > &weight, int64_t reduction, at::Tensor &grad_input) |
|
at::Tensor | at::multi_margin_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const at::Scalar &p, const at::Scalar &margin, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multilabel_margin_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::multilabel_margin_loss_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out) |
|
at::Tensor | at::multilabel_margin_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::multilabel_margin_loss_forward_out (at::Tensor &output, at::Tensor &is_target, const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::multilabel_margin_loss_forward_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &output, at::Tensor &is_target) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::multilabel_margin_loss_forward (const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
at::Tensor & | at::multilabel_margin_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, const at::Tensor &is_target) |
|
at::Tensor & | at::multilabel_margin_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, const at::Tensor &is_target, at::Tensor &grad_input) |
|
at::Tensor | at::multilabel_margin_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, const at::Tensor &is_target) |
|
at::Tensor & | at::nll_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
at::Tensor & | at::nll_loss_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &out) |
|
at::Tensor & | at::nll_loss_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
at::Tensor & | at::nll_loss_symint_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &out) |
|
at::Tensor | at::nll_loss_nd (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::nll_loss_nd (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
at::Tensor | at::nll_loss_nd_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::nll_loss_nd (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
at::Tensor | at::nll_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::nll_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
at::Tensor | at::nll_loss_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::nll_loss (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss_forward_symint_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss_forward_symint_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nll_loss_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor > | at::symint::nll_loss_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nll_loss_forward_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor > | at::symint::nll_loss_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
at::Tensor & | at::nll_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::nll_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
at::Tensor & | at::nll_loss_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::nll_loss_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
at::Tensor | at::nll_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::nll_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
at::Tensor | at::nll_loss_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::nll_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::nll_loss2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
at::Tensor & | at::nll_loss2d_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss2d_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &out) |
|
at::Tensor & | at::nll_loss2d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
at::Tensor & | at::nll_loss2d_symint_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss2d_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &out) |
|
at::Tensor | at::nll_loss2d (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::nll_loss2d (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, int64_t ignore_index=-100) |
|
at::Tensor | at::nll_loss2d_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::nll_loss2d (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean, c10::SymInt ignore_index=-100) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss2d_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss2d_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss2d_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss2d_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss2d_forward_symint_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss2d_forward_out (at::Tensor &output, at::Tensor &total_weight, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::nll_loss2d_forward_symint_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor & > | at::symint::nll_loss2d_forward_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, at::Tensor &output, at::Tensor &total_weight) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nll_loss2d_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor, at::Tensor > | at::symint::nll_loss2d_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::nll_loss2d_forward_symint (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor, at::Tensor > | at::symint::nll_loss2d_forward (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index) |
|
at::Tensor & | at::nll_loss2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::nll_loss2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::nll_loss2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
at::Tensor & | at::nll_loss2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::nll_loss2d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::nll_loss2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight, at::Tensor &grad_input) |
|
at::Tensor | at::nll_loss2d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::nll_loss2d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index, const at::Tensor &total_weight) |
|
at::Tensor | at::nll_loss2d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::nll_loss2d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, c10::SymInt ignore_index, const at::Tensor &total_weight) |
|
at::Tensor & | at::smooth_l1_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double beta=1.0) |
|
at::Tensor & | at::smooth_l1_loss_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta, at::Tensor &out) |
|
at::Tensor | at::smooth_l1_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double beta=1.0) |
|
at::Tensor & | at::smooth_l1_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta) |
|
at::Tensor & | at::smooth_l1_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta, at::Tensor &grad_input) |
|
at::Tensor | at::smooth_l1_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta) |
|
at::Tensor & | at::huber_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double delta=1.0) |
|
at::Tensor & | at::huber_loss_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta, at::Tensor &out) |
|
at::Tensor | at::huber_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double delta=1.0) |
|
at::Tensor & | at::huber_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta) |
|
at::Tensor & | at::huber_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta, at::Tensor &grad_input) |
|
at::Tensor | at::huber_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta) |
|
at::Tensor & | at::soft_margin_loss_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::soft_margin_loss_outf (const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out) |
|
at::Tensor | at::soft_margin_loss (const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::soft_margin_loss_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
at::Tensor & | at::soft_margin_loss_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &grad_input) |
|
at::Tensor | at::soft_margin_loss_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction) |
|
at::Tensor & | at::elu_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &alpha=1, const at::Scalar &scale=1, const at::Scalar &input_scale=1) |
|
at::Tensor & | at::elu_outf (const at::Tensor &self, const at::Scalar &alpha, const at::Scalar &scale, const at::Scalar &input_scale, at::Tensor &out) |
|
at::Tensor | at::elu (const at::Tensor &self, const at::Scalar &alpha=1, const at::Scalar &scale=1, const at::Scalar &input_scale=1) |
|
at::Tensor & | at::elu_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Scalar &alpha, const at::Scalar &scale, const at::Scalar &input_scale, bool is_result, const at::Tensor &self_or_result) |
|
at::Tensor & | at::elu_backward_outf (const at::Tensor &grad_output, const at::Scalar &alpha, const at::Scalar &scale, const at::Scalar &input_scale, bool is_result, const at::Tensor &self_or_result, at::Tensor &grad_input) |
|
at::Tensor | at::elu_backward (const at::Tensor &grad_output, const at::Scalar &alpha, const at::Scalar &scale, const at::Scalar &input_scale, bool is_result, const at::Tensor &self_or_result) |
|
at::Tensor & | at::elu_ (at::Tensor &self, const at::Scalar &alpha=1, const at::Scalar &scale=1, const at::Scalar &input_scale=1) |
|
at::Tensor & | at::glu_out (at::Tensor &out, const at::Tensor &self, int64_t dim=-1) |
|
at::Tensor & | at::glu_outf (const at::Tensor &self, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::glu (const at::Tensor &self, int64_t dim=-1) |
|
at::Tensor & | at::glu_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::glu_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, at::Tensor &grad_input) |
|
at::Tensor | at::glu_backward (const at::Tensor &grad_output, const at::Tensor &self, int64_t dim) |
|
at::Tensor | at::glu_jvp (const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim) |
|
at::Tensor | at::glu_backward_jvp (const at::Tensor &grad_x, const at::Tensor &grad_glu, const at::Tensor &x, const at::Tensor &dgrad_glu, const at::Tensor &dx, int64_t dim) |
|
at::Tensor & | at::hardsigmoid_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::hardsigmoid_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::hardsigmoid (const at::Tensor &self) |
|
at::Tensor & | at::hardsigmoid_ (at::Tensor &self) |
|
at::Tensor & | at::hardsigmoid_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::hardsigmoid_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input) |
|
at::Tensor | at::hardsigmoid_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::hardtanh_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1) |
|
at::Tensor & | at::hardtanh_outf (const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val, at::Tensor &out) |
|
at::Tensor | at::hardtanh (const at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1) |
|
at::Tensor & | at::hardtanh_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val) |
|
at::Tensor & | at::hardtanh_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val, at::Tensor &grad_input) |
|
at::Tensor | at::hardtanh_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val) |
|
at::Tensor & | at::hardtanh_ (at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1) |
|
at::Tensor & | at::hardswish_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::hardswish_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::hardswish (const at::Tensor &self) |
|
at::Tensor & | at::hardswish_ (at::Tensor &self) |
|
at::Tensor | at::hardswish_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::leaky_relu_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &negative_slope=0.01) |
|
at::Tensor & | at::leaky_relu_outf (const at::Tensor &self, const at::Scalar &negative_slope, at::Tensor &out) |
|
at::Tensor | at::leaky_relu (const at::Tensor &self, const at::Scalar &negative_slope=0.01) |
|
at::Tensor & | at::leaky_relu_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &negative_slope, bool self_is_result) |
|
at::Tensor & | at::leaky_relu_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &negative_slope, bool self_is_result, at::Tensor &grad_input) |
|
at::Tensor | at::leaky_relu_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &negative_slope, bool self_is_result) |
|
at::Tensor & | at::leaky_relu_ (at::Tensor &self, const at::Scalar &negative_slope=0.01) |
|
at::Tensor & | at::log_sigmoid_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::log_sigmoid_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::log_sigmoid (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::log_sigmoid_forward_out (at::Tensor &output, at::Tensor &buffer, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::log_sigmoid_forward_outf (const at::Tensor &self, at::Tensor &output, at::Tensor &buffer) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::log_sigmoid_forward (const at::Tensor &self) |
|
at::Tensor & | at::log_sigmoid_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer) |
|
at::Tensor & | at::log_sigmoid_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer, at::Tensor &grad_input) |
|
at::Tensor | at::log_sigmoid_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer) |
|
at::Tensor & | at::rrelu_with_noise_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower=0.125, const at::Scalar &upper=0.3333333333333333, bool training=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::rrelu_with_noise_outf (const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower, const at::Scalar &upper, bool training, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::rrelu_with_noise (const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower=0.125, const at::Scalar &upper=0.3333333333333333, bool training=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor | at::rrelu_with_noise_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower, const at::Scalar &upper, bool training, bool self_is_result) |
|
at::Tensor & | at::rrelu_with_noise_ (at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower=0.125, const at::Scalar &upper=0.3333333333333333, bool training=false, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::softplus_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &beta=1, const at::Scalar &threshold=20) |
|
at::Tensor & | at::softplus_outf (const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold, at::Tensor &out) |
|
at::Tensor | at::softplus (const at::Tensor &self, const at::Scalar &beta=1, const at::Scalar &threshold=20) |
|
at::Tensor & | at::softplus_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold) |
|
at::Tensor & | at::softplus_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold, at::Tensor &grad_input) |
|
at::Tensor | at::softplus_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold) |
|
at::Tensor & | at::softshrink_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &lambd=0.5) |
|
at::Tensor & | at::softshrink_outf (const at::Tensor &self, const at::Scalar &lambd, at::Tensor &out) |
|
at::Tensor | at::softshrink (const at::Tensor &self, const at::Scalar &lambd=0.5) |
|
at::Tensor & | at::softshrink_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd) |
|
at::Tensor & | at::softshrink_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd, at::Tensor &grad_input) |
|
at::Tensor | at::softshrink_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd) |
|
at::Tensor & | at::adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::adaptive_avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::adaptive_avg_pool2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor & | at::adaptive_avg_pool2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor | at::adaptive_avg_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::adaptive_avg_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor | at::adaptive_avg_pool2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::adaptive_avg_pool2d (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor | at::mkldnn_adaptive_avg_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::mkldnn_adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::mkldnn_adaptive_avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor | at::mkldnn_adaptive_avg_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor | at::_adaptive_avg_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_adaptive_avg_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor | at::_adaptive_avg_pool2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_adaptive_avg_pool2d (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor | at::_adaptive_avg_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::adaptive_avg_pool3d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool3d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::adaptive_avg_pool3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor & | at::adaptive_avg_pool3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::adaptive_avg_pool3d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor | at::adaptive_avg_pool3d (const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::adaptive_avg_pool3d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor | at::adaptive_avg_pool3d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::adaptive_avg_pool3d (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor | at::_adaptive_avg_pool3d (const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_adaptive_avg_pool3d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor | at::_adaptive_avg_pool3d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_adaptive_avg_pool3d (const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor & | at::adaptive_avg_pool3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::adaptive_avg_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input) |
|
at::Tensor | at::_adaptive_avg_pool3d_backward (const at::Tensor &grad_output, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::adaptive_max_pool2d_out (at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef output_size) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::adaptive_max_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::adaptive_max_pool2d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::adaptive_max_pool2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices) |
|
at::Tensor & | at::adaptive_max_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::adaptive_max_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::adaptive_max_pool3d_out (at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef output_size) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::adaptive_max_pool3d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::adaptive_max_pool3d (const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::adaptive_max_pool3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices) |
|
at::Tensor & | at::adaptive_max_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::adaptive_max_pool3d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices) |
|
at::Tensor & | at::avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, bool ceil_mode=false, bool count_include_pad=true, c10::optional< int64_t > divisor_override=c10::nullopt) |
|
at::Tensor & | at::avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override, at::Tensor &out) |
|
at::Tensor | at::avg_pool2d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, bool ceil_mode=false, bool count_include_pad=true, c10::optional< int64_t > divisor_override=c10::nullopt) |
|
at::Tensor & | at::avg_pool2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override) |
|
at::Tensor & | at::avg_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override, at::Tensor &grad_input) |
|
at::Tensor | at::avg_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override) |
|
at::Tensor & | at::avg_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, bool ceil_mode=false, bool count_include_pad=true, c10::optional< int64_t > divisor_override=c10::nullopt) |
|
at::Tensor & | at::avg_pool3d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override, at::Tensor &out) |
|
at::Tensor | at::avg_pool3d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, bool ceil_mode=false, bool count_include_pad=true, c10::optional< int64_t > divisor_override=c10::nullopt) |
|
at::Tensor & | at::avg_pool3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override) |
|
at::Tensor & | at::avg_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override, at::Tensor &grad_input) |
|
at::Tensor | at::avg_pool3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, bool ceil_mode, bool count_include_pad, c10::optional< int64_t > divisor_override) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fractional_max_pool2d_out (at::Tensor &output, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fractional_max_pool2d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples, at::Tensor &output, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::fractional_max_pool2d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples) |
|
at::Tensor & | at::fractional_max_pool2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices) |
|
at::Tensor & | at::fractional_max_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::fractional_max_pool2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fractional_max_pool3d_out (at::Tensor &output, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fractional_max_pool3d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples, at::Tensor &output, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::fractional_max_pool3d (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples) |
|
at::Tensor & | at::fractional_max_pool3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices) |
|
at::Tensor & | at::fractional_max_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::fractional_max_pool3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_pool2d_with_indices_out (at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_pool2d_with_indices_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::max_pool2d_with_indices (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::max_pool2d_with_indices_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices) |
|
at::Tensor & | at::max_pool2d_with_indices_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::max_pool2d_with_indices_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_pool3d_with_indices_out (at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::max_pool3d_with_indices_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out, at::Tensor &indices) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::max_pool3d_with_indices (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::max_pool3d_with_indices_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices) |
|
at::Tensor & | at::max_pool3d_with_indices_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices, at::Tensor &grad_input) |
|
at::Tensor | at::max_pool3d_with_indices_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, const at::Tensor &indices) |
|
at::Tensor & | at::max_unpool2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size) |
|
at::Tensor & | at::max_unpool2d_outf (const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor | at::max_unpool2d (const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size) |
|
at::Tensor & | at::max_unpool3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding) |
|
at::Tensor & | at::max_unpool3d_outf (const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::max_unpool3d (const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad1d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::reflection_pad1d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad1d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad1d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::reflection_pad1d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad1d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad1d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad1d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::reflection_pad1d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad1d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::reflection_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad1d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad2d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::reflection_pad2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad2d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::reflection_pad2d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad2d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad2d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad2d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::reflection_pad2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad2d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::reflection_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad2d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad3d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::reflection_pad3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad3d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::reflection_pad3d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad3d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad3d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad3d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::reflection_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::reflection_pad3d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::reflection_pad3d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::reflection_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::reflection_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::reflection_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::reflection_pad3d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::reflection_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad1d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::replication_pad1d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad1d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad1d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::replication_pad1d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad1d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad1d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad1d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::replication_pad1d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad1d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad1d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::replication_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad1d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad1d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad2d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::replication_pad2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad2d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::replication_pad2d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad2d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad2d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad2d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::replication_pad2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad2d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::replication_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad2d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad2d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad3d_outf (const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::replication_pad3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad3d_outf (const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::replication_pad3d (const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad3d (const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad3d_symint (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad3d (const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::replication_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor & | at::replication_pad3d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::replication_pad3d_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::replication_pad3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input) |
|
at::Tensor | at::replication_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::replication_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding) |
|
at::Tensor | at::replication_pad3d_backward_symint (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::replication_pad3d_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding) |
|
at::Tensor | at::_pad_circular (const at::Tensor &self, at::IntArrayRef pad) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_pad_circular (const at::Tensor &self, at::IntArrayRef pad) |
|
at::Tensor | at::_pad_circular_symint (const at::Tensor &self, c10::SymIntArrayRef pad) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_pad_circular (const at::Tensor &self, c10::SymIntArrayRef pad) |
|
at::Tensor | at::_pad_enum (const at::Tensor &self, at::IntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_pad_enum (const at::Tensor &self, at::IntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt) |
|
at::Tensor | at::_pad_enum_symint (const at::Tensor &self, c10::SymIntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_pad_enum (const at::Tensor &self, c10::SymIntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt) |
|
at::Tensor | at::pad (const at::Tensor &self, at::IntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::pad (const at::Tensor &self, at::IntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt) |
|
at::Tensor | at::pad_symint (const at::Tensor &self, c10::SymIntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::pad (const at::Tensor &self, c10::SymIntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt) |
|
at::Tensor | at::upsample_linear1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_linear1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_linear1d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_linear1d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_bilinear2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bilinear2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_bilinear2d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bilinear2d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_bilinear2d_aa (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_bilinear2d_aa_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_trilinear3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_trilinear3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_trilinear3d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_trilinear3d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_bicubic2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bicubic2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_bicubic2d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bicubic2d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_bicubic2d_aa (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa (const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_bicubic2d_aa_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest1d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest1d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact1d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest2d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest2d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact2d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::upsample_nearest3d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest3d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d (const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor | at::_upsample_nearest_exact3d_symint (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d (const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors) |
|
at::Tensor & | at::upsample_linear1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_linear1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_linear1d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_linear1d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor & | at::upsample_linear1d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_linear1d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_linear1d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_linear1d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor | at::upsample_linear1d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_linear1d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::upsample_linear1d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_linear1d (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_linear1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_linear1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_linear1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_linear1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_linear1d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_linear1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_linear1d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_linear1d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_linear1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_linear1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::upsample_linear1d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_linear1d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::upsample_bilinear2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::upsample_bilinear2d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bilinear2d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_bilinear2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bilinear2d (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_bilinear2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bilinear2d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bilinear2d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_bilinear2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bilinear2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_bilinear2d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bilinear2d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::_upsample_bilinear2d_aa (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_bilinear2d_aa_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bilinear2d_aa_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bilinear2d_aa_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::_upsample_bilinear2d_aa_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_bilinear2d_aa_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bilinear2d_aa_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::upsample_bicubic2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::upsample_bicubic2d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bicubic2d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_bicubic2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bicubic2d (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_bicubic2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_bicubic2d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_bicubic2d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_bicubic2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_bicubic2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_bicubic2d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_bicubic2d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::_upsample_bicubic2d_aa (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_bicubic2d_aa_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_bicubic2d_aa_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_bicubic2d_aa_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::_upsample_bicubic2d_aa_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_bicubic2d_aa_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_bicubic2d_aa_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_outf (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::upsample_trilinear3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::upsample_trilinear3d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_trilinear3d (const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_trilinear3d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_trilinear3d (const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_trilinear3d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_trilinear3d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_trilinear3d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_trilinear3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_trilinear3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_trilinear3d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_trilinear3d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, bool align_corners, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor & | at::upsample_nearest1d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact1d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact1d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact1d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out) |
|
at::Tensor | at::upsample_nearest1d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest1d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::upsample_nearest1d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest1d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact1d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact1d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_nearest1d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest1d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest1d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact1d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact1d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact1d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_nearest1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::upsample_nearest1d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest1d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact1d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact1d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::upsample_nearest2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact2d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::upsample_nearest2d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest2d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_nearest2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest2d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact2d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact2d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_nearest2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest2d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest2d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact2d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact2d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact2d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_nearest2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_nearest2d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest2d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact2d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact2d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::upsample_nearest3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact3d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_outf (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor & | at::_upsample_nearest_exact3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out) |
|
at::Tensor | at::upsample_nearest3d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest3d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_nearest3d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest3d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact3d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d (const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact3d_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d (const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::upsample_nearest3d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::upsample_nearest3d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::upsample_nearest3d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_backward_outf (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor & | at::_upsample_nearest_exact3d_backward_symint_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::_upsample_nearest_exact3d_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_upsample_nearest_exact3d_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &grad_input) |
|
at::Tensor | at::upsample_nearest3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::upsample_nearest3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::upsample_nearest3d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::upsample_nearest3d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d_backward (const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor | at::_upsample_nearest_exact3d_backward_symint (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_upsample_nearest_exact3d_backward (const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales_d=c10::nullopt, c10::optional< double > scales_h=c10::nullopt, c10::optional< double > scales_w=c10::nullopt) |
|
at::Tensor & | at::sigmoid_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output) |
|
at::Tensor & | at::sigmoid_backward_outf (const at::Tensor &grad_output, const at::Tensor &output, at::Tensor &grad_input) |
|
at::Tensor | at::sigmoid_backward (const at::Tensor &grad_output, const at::Tensor &output) |
|
at::Tensor & | at::logit_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::logit_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps, at::Tensor &grad_input) |
|
at::Tensor | at::logit_backward (const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::tanh_backward_out (at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output) |
|
at::Tensor & | at::tanh_backward_outf (const at::Tensor &grad_output, const at::Tensor &output, at::Tensor &grad_input) |
|
at::Tensor | at::tanh_backward (const at::Tensor &grad_output, const at::Tensor &output) |
|
at::Tensor & | at::slow_conv_transpose2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_transpose2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_transpose2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_transpose2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_transpose2d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_transpose2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_transpose2d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_transpose2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor | at::slow_conv_transpose2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv_transpose2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor | at::slow_conv_transpose2d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv_transpose2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_transpose3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_transpose3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_transpose3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_transpose3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_transpose3d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_transpose3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_transpose3d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_transpose3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor | at::slow_conv_transpose3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv_transpose3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef output_padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor | at::slow_conv_transpose3d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv_transpose3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), c10::SymIntArrayRef output_padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::thnn_conv2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
at::Tensor & | at::thnn_conv2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::thnn_conv2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
at::Tensor & | at::_slow_conv2d_forward_out (at::Tensor &output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
at::Tensor & | at::_slow_conv2d_forward_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &output) |
|
at::Tensor | at::_slow_conv2d_forward (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_slow_conv2d_backward_out (at::Tensor &grad_input, at::Tensor &grad_weight, at::Tensor &grad_bias, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_slow_conv2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &grad_input, at::Tensor &grad_weight, at::Tensor &grad_bias) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_slow_conv2d_backward (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, ::std::array< bool, 3 > output_mask) |
|
const at::Tensor & | at::_conv_depthwise2d_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::_conv_depthwise2d_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
const at::Tensor & | at::_conv_depthwise2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, const at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::_conv_depthwise2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, const at::Tensor &out) |
|
const at::Tensor & | at::_conv_depthwise2d_symint_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::_conv_depthwise2d_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
const at::Tensor & | at::_conv_depthwise2d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, const at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::_conv_depthwise2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, const at::Tensor &out) |
|
at::Tensor | at::_conv_depthwise2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_conv_depthwise2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor | at::_conv_depthwise2d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_conv_depthwise2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor | at::conv_depthwise3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::conv_depthwise3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor | at::conv_depthwise3d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::conv_depthwise3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor & | at::slow_conv3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
at::Tensor & | at::slow_conv3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &out) |
|
at::Tensor & | at::slow_conv3d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0)) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0)) |
|
at::Tensor & | at::slow_conv3d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::Tensor &out) |
|
at::Tensor | at::slow_conv3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0) |
|
at::Tensor | at::slow_conv3d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0)) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0)) |
|
at::Tensor & | at::slow_conv3d_forward_out (at::Tensor &output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv3d_forward_out (at::Tensor &output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
at::Tensor & | at::slow_conv3d_forward_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &output) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv3d_forward_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &output) |
|
at::Tensor & | at::slow_conv3d_forward_symint_out (at::Tensor &output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv3d_forward_out (at::Tensor &output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding) |
|
at::Tensor & | at::slow_conv3d_forward_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::Tensor &output) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv3d_forward_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::Tensor &output) |
|
at::Tensor | at::slow_conv3d_forward (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv3d_forward (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding) |
|
at::Tensor | at::slow_conv3d_forward_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv3d_forward (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding) |
|
at::Tensor | at::slow_conv_dilated2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv_dilated2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor | at::slow_conv_dilated2d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv_dilated2d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor | at::slow_conv_dilated3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slow_conv_dilated3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor | at::slow_conv_dilated3d_symint (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slow_conv_dilated3d (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::col2im_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::col2im_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor & | at::col2im_outf (const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::col2im_outf (const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::col2im_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::col2im_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor & | at::col2im_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::col2im_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor | at::col2im (const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::col2im (const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor | at::col2im_symint (const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::col2im (const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor | at::column_stack (at::TensorList tensors) |
|
at::Tensor & | at::column_stack_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::column_stack_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor & | at::im2col_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor & | at::im2col_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor | at::im2col (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride) |
|
at::Tensor | at::isfinite (const at::Tensor &self) |
|
at::Tensor | at::isinf (const at::Tensor &self) |
|
at::Tensor | at::isposinf (const at::Tensor &self) |
|
at::Tensor & | at::isposinf_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::isposinf_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::isneginf (const at::Tensor &self) |
|
at::Tensor & | at::isneginf_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::isneginf_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::_add_batch_dim (const at::Tensor &self, int64_t batch_dim, int64_t level) |
|
at::Tensor | at::_remove_batch_dim (const at::Tensor &self, int64_t level, int64_t batch_size, int64_t out_dim) |
|
at::Tensor | at::special_entr (const at::Tensor &self) |
|
at::Tensor & | at::special_entr_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_entr_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_ndtri (const at::Tensor &self) |
|
at::Tensor & | at::special_ndtri_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_ndtri_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_log_ndtr (const at::Tensor &self) |
|
at::Tensor & | at::special_log_ndtr_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_log_ndtr_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_expm1 (const at::Tensor &self) |
|
at::Tensor & | at::special_expm1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_expm1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_exp2 (const at::Tensor &self) |
|
at::Tensor & | at::special_exp2_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_exp2_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_psi (const at::Tensor &self) |
|
at::Tensor & | at::special_psi_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_psi_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_digamma (const at::Tensor &self) |
|
at::Tensor & | at::special_digamma_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_digamma_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_gammaln (const at::Tensor &self) |
|
at::Tensor & | at::special_gammaln_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_gammaln_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_erf (const at::Tensor &self) |
|
at::Tensor & | at::special_erf_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_erf_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_erfc (const at::Tensor &self) |
|
at::Tensor & | at::special_erfc_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_erfc_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_erfcx (const at::Tensor &self) |
|
at::Tensor & | at::special_erfcx_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_erfcx_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_erfinv (const at::Tensor &self) |
|
at::Tensor & | at::special_erfinv_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_erfinv_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_ndtr (const at::Tensor &self) |
|
at::Tensor & | at::special_ndtr_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_ndtr_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_xlog1py (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::special_xlog1py (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::special_xlog1py (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_xlog1py_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_xlog1py_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_xlog1py_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::special_xlog1py_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_xlog1py_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_xlog1py_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::special_xlogy (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::special_xlogy (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::special_xlogy (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_xlogy_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_xlogy_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_xlogy_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::special_xlogy_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_xlogy_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_xlogy_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::special_zeta (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::special_zeta (const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor | at::special_zeta (const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_zeta_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_zeta_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_zeta_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::special_zeta_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::special_zeta_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::special_zeta_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor | at::special_i0 (const at::Tensor &self) |
|
at::Tensor & | at::special_i0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_i0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_i0e (const at::Tensor &self) |
|
at::Tensor & | at::special_i0e_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_i0e_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_i1 (const at::Tensor &self) |
|
at::Tensor & | at::special_i1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_i1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_i1e (const at::Tensor &self) |
|
at::Tensor & | at::special_i1e_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_i1e_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_logit (const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::special_logit_out (at::Tensor &out, const at::Tensor &self, c10::optional< double > eps=c10::nullopt) |
|
at::Tensor & | at::special_logit_outf (const at::Tensor &self, c10::optional< double > eps, at::Tensor &out) |
|
at::Tensor | at::special_polygamma (int64_t n, const at::Tensor &self) |
|
at::Tensor & | at::special_polygamma_out (at::Tensor &out, int64_t n, const at::Tensor &self) |
|
at::Tensor & | at::special_polygamma_outf (int64_t n, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_logsumexp (const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::special_logsumexp_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false) |
|
at::Tensor & | at::special_logsumexp_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out) |
|
at::Tensor | at::special_expit (const at::Tensor &self) |
|
at::Tensor & | at::special_expit_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_expit_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_sinc (const at::Tensor &self) |
|
at::Tensor & | at::special_sinc_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_sinc_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_round (const at::Tensor &self, int64_t decimals=0) |
|
at::Tensor & | at::special_round_out (at::Tensor &out, const at::Tensor &self, int64_t decimals=0) |
|
at::Tensor & | at::special_round_outf (const at::Tensor &self, int64_t decimals, at::Tensor &out) |
|
at::Tensor | at::special_log1p (const at::Tensor &self) |
|
at::Tensor & | at::special_log1p_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_log1p_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_log_softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::special_gammainc_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_gammainc_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::special_gammainc (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_gammaincc_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::special_gammaincc_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::special_gammaincc (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor | at::special_multigammaln (const at::Tensor &self, int64_t p) |
|
at::Tensor & | at::special_multigammaln_out (at::Tensor &out, const at::Tensor &self, int64_t p) |
|
at::Tensor & | at::special_multigammaln_outf (const at::Tensor &self, int64_t p, at::Tensor &out) |
|
at::Tensor | at::special_softmax (const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::fft_fft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_ifft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_rfft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_irfft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_hfft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_hfft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_hfft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_ihfft (const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ihfft_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > n=c10::nullopt, int64_t dim=-1, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ihfft_outf (const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_fft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fft2_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_ifft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifft2_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_rfft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfft2_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_irfft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfft2_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_hfft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_hfft2_out (const at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_hfft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out) |
|
at::Tensor | at::fft_ihfft2 (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_ihfft2_out (const at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_ihfft2_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out) |
|
at::Tensor | at::fft_fftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fftn_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_fftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_ifftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifftn_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_ifftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_rfftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfftn_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_rfftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_irfftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfftn_out (at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
at::Tensor & | at::fft_irfftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out) |
|
at::Tensor | at::fft_hfftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_hfftn_out (const at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_hfftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out) |
|
at::Tensor | at::fft_ihfftn (const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_ihfftn_out (const at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt) |
|
const at::Tensor & | at::fft_ihfftn_outf (const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out) |
|
at::Tensor | at::fft_fftfreq (int64_t n, double d=1.0, at::TensorOptions options={}) |
|
at::Tensor | at::fft_fftfreq (int64_t n, double d, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::fft_fftfreq_out (at::Tensor &out, int64_t n, double d=1.0) |
|
at::Tensor & | at::fft_fftfreq_outf (int64_t n, double d, at::Tensor &out) |
|
at::Tensor | at::fft_rfftfreq (int64_t n, double d=1.0, at::TensorOptions options={}) |
|
at::Tensor | at::fft_rfftfreq (int64_t n, double d, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory) |
|
at::Tensor & | at::fft_rfftfreq_out (at::Tensor &out, int64_t n, double d=1.0) |
|
at::Tensor & | at::fft_rfftfreq_outf (int64_t n, double d, at::Tensor &out) |
|
at::Tensor | at::fft_fftshift (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt) |
|
at::Tensor | at::fft_ifftshift (const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_cholesky_ex (const at::Tensor &self, bool upper=false, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_cholesky_ex_out (at::Tensor &L, at::Tensor &info, const at::Tensor &self, bool upper=false, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_cholesky_ex_outf (const at::Tensor &self, bool upper, bool check_errors, at::Tensor &L, at::Tensor &info) |
|
at::Tensor | at::linalg_cholesky (const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::linalg_cholesky_out (at::Tensor &out, const at::Tensor &self, bool upper=false) |
|
at::Tensor & | at::linalg_cholesky_outf (const at::Tensor &self, bool upper, at::Tensor &out) |
|
at::Tensor | at::linalg_cross (const at::Tensor &self, const at::Tensor &other, int64_t dim=-1) |
|
at::Tensor & | at::linalg_cross_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, int64_t dim=-1) |
|
at::Tensor & | at::linalg_cross_outf (const at::Tensor &self, const at::Tensor &other, int64_t dim, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_lu_factor (const at::Tensor &A, bool pivot=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_lu_factor_out (at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A, bool pivot=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_lu_factor_outf (const at::Tensor &A, bool pivot, at::Tensor &LU, at::Tensor &pivots) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::linalg_lu_factor_ex (const at::Tensor &A, bool pivot=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lu_factor_ex_out (at::Tensor &LU, at::Tensor &pivots, at::Tensor &info, const at::Tensor &A, bool pivot=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lu_factor_ex_outf (const at::Tensor &A, bool pivot, bool check_errors, at::Tensor &LU, at::Tensor &pivots, at::Tensor &info) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::linalg_lu (const at::Tensor &A, bool pivot=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lu_out (at::Tensor &P, at::Tensor &L, at::Tensor &U, const at::Tensor &A, bool pivot=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lu_outf (const at::Tensor &A, bool pivot, at::Tensor &P, at::Tensor &L, at::Tensor &U) |
|
at::Tensor | at::linalg_lu_solve (const at::Tensor &LU, const at::Tensor &pivots, const at::Tensor &B, bool left=true, bool adjoint=false) |
|
at::Tensor & | at::linalg_lu_solve_out (at::Tensor &out, const at::Tensor &LU, const at::Tensor &pivots, const at::Tensor &B, bool left=true, bool adjoint=false) |
|
at::Tensor & | at::linalg_lu_solve_outf (const at::Tensor &LU, const at::Tensor &pivots, const at::Tensor &B, bool left, bool adjoint, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_linalg_det (const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_det_out (at::Tensor &result, at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_det_outf (const at::Tensor &A, at::Tensor &result, at::Tensor &LU, at::Tensor &pivots) |
|
at::Tensor | at::linalg_det (const at::Tensor &A) |
|
at::Tensor & | at::linalg_det_out (at::Tensor &out, const at::Tensor &A) |
|
at::Tensor & | at::linalg_det_outf (const at::Tensor &A, at::Tensor &out) |
|
at::Tensor | at::det (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::linalg_ldl_factor_ex (const at::Tensor &self, bool hermitian=false, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_ldl_factor_ex_out (at::Tensor &LD, at::Tensor &pivots, at::Tensor &info, const at::Tensor &self, bool hermitian=false, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_ldl_factor_ex_outf (const at::Tensor &self, bool hermitian, bool check_errors, at::Tensor &LD, at::Tensor &pivots, at::Tensor &info) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_ldl_factor (const at::Tensor &self, bool hermitian=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_ldl_factor_out (at::Tensor &LD, at::Tensor &pivots, const at::Tensor &self, bool hermitian=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_ldl_factor_outf (const at::Tensor &self, bool hermitian, at::Tensor &LD, at::Tensor &pivots) |
|
at::Tensor | at::linalg_ldl_solve (const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian=false) |
|
at::Tensor & | at::linalg_ldl_solve_out (at::Tensor &out, const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian=false) |
|
at::Tensor & | at::linalg_ldl_solve_outf (const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::linalg_lstsq (const at::Tensor &self, const at::Tensor &b, c10::optional< double > rcond=c10::nullopt, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lstsq_out (at::Tensor &solution, at::Tensor &residuals, at::Tensor &rank, at::Tensor &singular_values, const at::Tensor &self, const at::Tensor &b, c10::optional< double > rcond=c10::nullopt, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_lstsq_outf (const at::Tensor &self, const at::Tensor &b, c10::optional< double > rcond, c10::optional< c10::string_view > driver, at::Tensor &solution, at::Tensor &residuals, at::Tensor &rank, at::Tensor &singular_values) |
|
at::Tensor | at::linalg_matmul (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::linalg_matmul_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::linalg_matmul_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::linalg_vecdot (const at::Tensor &x, const at::Tensor &y, int64_t dim=-1) |
|
at::Tensor & | at::linalg_vecdot_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &y, int64_t dim=-1) |
|
at::Tensor & | at::linalg_vecdot_outf (const at::Tensor &x, const at::Tensor &y, int64_t dim, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_exp (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_linalg_slogdet (const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_slogdet_out (at::Tensor &sign, at::Tensor &logabsdet, at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_slogdet_outf (const at::Tensor &A, at::Tensor &sign, at::Tensor &logabsdet, at::Tensor &LU, at::Tensor &pivots) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_slogdet (const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_slogdet_out (at::Tensor &sign, at::Tensor &logabsdet, const at::Tensor &A) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_slogdet_outf (const at::Tensor &A, at::Tensor &sign, at::Tensor &logabsdet) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::slogdet (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::slogdet_out (at::Tensor &sign, at::Tensor &logabsdet, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::slogdet_outf (const at::Tensor &self, at::Tensor &sign, at::Tensor &logabsdet) |
|
at::Tensor | at::logdet (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_eig (const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_eig_out (at::Tensor &eigenvalues, at::Tensor &eigenvectors, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_eig_outf (const at::Tensor &self, at::Tensor &eigenvalues, at::Tensor &eigenvectors) |
|
at::Tensor | at::linalg_eigvals (const at::Tensor &self) |
|
at::Tensor & | at::linalg_eigvals_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::linalg_eigvals_outf (const at::Tensor &self, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_linalg_eigh (const at::Tensor &A, c10::string_view UPLO="L", bool compute_v=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_linalg_eigh_out (at::Tensor &eigenvalues, at::Tensor &eigenvectors, const at::Tensor &A, c10::string_view UPLO="L", bool compute_v=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_linalg_eigh_outf (const at::Tensor &A, c10::string_view UPLO, bool compute_v, at::Tensor &eigenvalues, at::Tensor &eigenvectors) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_eigh (const at::Tensor &self, c10::string_view UPLO="L") |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_eigh_out (at::Tensor &eigvals, at::Tensor &eigvecs, const at::Tensor &self, c10::string_view UPLO="L") |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_eigh_outf (const at::Tensor &self, c10::string_view UPLO, at::Tensor &eigvals, at::Tensor &eigvecs) |
|
at::Tensor | at::linalg_eigvalsh (const at::Tensor &self, c10::string_view UPLO="L") |
|
at::Tensor & | at::linalg_eigvalsh_out (at::Tensor &out, const at::Tensor &self, c10::string_view UPLO="L") |
|
at::Tensor & | at::linalg_eigvalsh_outf (const at::Tensor &self, c10::string_view UPLO, at::Tensor &out) |
|
at::Tensor | at::linalg_householder_product (const at::Tensor &input, const at::Tensor &tau) |
|
at::Tensor & | at::linalg_householder_product_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &tau) |
|
at::Tensor & | at::linalg_householder_product_outf (const at::Tensor &input, const at::Tensor &tau, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_inv_ex (const at::Tensor &A, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_inv_ex_out (at::Tensor &inverse, at::Tensor &info, const at::Tensor &A, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_inv_ex_outf (const at::Tensor &A, bool check_errors, at::Tensor &inverse, at::Tensor &info) |
|
at::Tensor | at::linalg_inv (const at::Tensor &A) |
|
at::Tensor & | at::linalg_inv_out (at::Tensor &out, const at::Tensor &A) |
|
at::Tensor & | at::linalg_inv_outf (const at::Tensor &A, at::Tensor &out) |
|
at::Tensor | at::inverse (const at::Tensor &self) |
|
at::Tensor & | at::inverse_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::inverse_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::inner (const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::inner_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::inner_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor | at::outer (const at::Tensor &self, const at::Tensor &vec2) |
|
at::Tensor & | at::outer_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &vec2) |
|
at::Tensor & | at::outer_outf (const at::Tensor &self, const at::Tensor &vec2, at::Tensor &out) |
|
at::Tensor | at::ger (const at::Tensor &self, const at::Tensor &vec2) |
|
at::Tensor & | at::ger_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &vec2) |
|
at::Tensor & | at::ger_outf (const at::Tensor &self, const at::Tensor &vec2, at::Tensor &out) |
|
at::Tensor | at::linalg_norm (const at::Tensor &self, const c10::optional< at::Scalar > &ord=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor | at::linalg_norm (const at::Tensor &self, c10::string_view ord, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &ord=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &ord, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::linalg_norm_out (at::Tensor &out, const at::Tensor &self, c10::string_view ord, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_norm_outf (const at::Tensor &self, c10::string_view ord, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::linalg_vector_norm (const at::Tensor &self, const at::Scalar &ord=2, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_vector_norm_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &ord=2, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_vector_norm_outf (const at::Tensor &self, const at::Scalar &ord, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_norm (const at::Tensor &self, const at::Scalar &ord, at::IntArrayRef dim={-2,-1}, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_matrix_norm_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &ord, at::IntArrayRef dim={-2,-1}, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_matrix_norm_outf (const at::Tensor &self, const at::Scalar &ord, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_norm (const at::Tensor &self, c10::string_view ord="fro", at::IntArrayRef dim={-2,-1}, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_matrix_norm_out (at::Tensor &out, const at::Tensor &self, c10::string_view ord="fro", at::IntArrayRef dim={-2,-1}, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::linalg_matrix_norm_outf (const at::Tensor &self, c10::string_view ord, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_linalg_svd (const at::Tensor &A, bool full_matrices=false, bool compute_uv=true, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_svd_out (at::Tensor &U, at::Tensor &S, at::Tensor &Vh, const at::Tensor &A, bool full_matrices=false, bool compute_uv=true, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_svd_outf (const at::Tensor &A, bool full_matrices, bool compute_uv, c10::optional< c10::string_view > driver, at::Tensor &U, at::Tensor &S, at::Tensor &Vh) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::linalg_svd (const at::Tensor &A, bool full_matrices=true, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_svd_out (at::Tensor &U, at::Tensor &S, at::Tensor &Vh, const at::Tensor &A, bool full_matrices=true, c10::optional< c10::string_view > driver=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linalg_svd_outf (const at::Tensor &A, bool full_matrices, c10::optional< c10::string_view > driver, at::Tensor &U, at::Tensor &S, at::Tensor &Vh) |
|
at::Tensor | at::linalg_svdvals (const at::Tensor &A, c10::optional< c10::string_view > driver=c10::nullopt) |
|
at::Tensor & | at::linalg_svdvals_out (at::Tensor &out, const at::Tensor &A, c10::optional< c10::string_view > driver=c10::nullopt) |
|
at::Tensor & | at::linalg_svdvals_outf (const at::Tensor &A, c10::optional< c10::string_view > driver, at::Tensor &out) |
|
at::Tensor | at::linalg_cond (const at::Tensor &self, const c10::optional< at::Scalar > &p=c10::nullopt) |
|
at::Tensor & | at::linalg_cond_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p=c10::nullopt) |
|
at::Tensor & | at::linalg_cond_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::Tensor &out) |
|
at::Tensor | at::linalg_cond (const at::Tensor &self, c10::string_view p) |
|
at::Tensor & | at::linalg_cond_out (at::Tensor &out, const at::Tensor &self, c10::string_view p) |
|
at::Tensor & | at::linalg_cond_outf (const at::Tensor &self, c10::string_view p, at::Tensor &out) |
|
at::Tensor | at::linalg_pinv (const at::Tensor &self, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_outf (const at::Tensor &self, const c10::optional< at::Tensor > &atol, const c10::optional< at::Tensor > &rtol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_pinv (const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_out (at::Tensor &out, const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_outf (const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_pinv (const at::Tensor &self, double rcond, bool hermitian=false) |
|
at::Tensor | at::linalg_pinv (const at::Tensor &self, const at::Tensor &rcond, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_out (at::Tensor &out, const at::Tensor &self, double rcond, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_outf (const at::Tensor &self, double rcond, bool hermitian, at::Tensor &out) |
|
at::Tensor & | at::linalg_pinv_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &rcond, bool hermitian=false) |
|
at::Tensor & | at::linalg_pinv_outf (const at::Tensor &self, const at::Tensor &rcond, bool hermitian, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_linalg_solve_ex (const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_solve_ex_out (at::Tensor &result, at::Tensor &LU, at::Tensor &pivots, at::Tensor &info, const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_linalg_solve_ex_outf (const at::Tensor &A, const at::Tensor &B, bool left, bool check_errors, at::Tensor &result, at::Tensor &LU, at::Tensor &pivots, at::Tensor &info) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_solve_ex (const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_solve_ex_out (at::Tensor &result, at::Tensor &info, const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_solve_ex_outf (const at::Tensor &A, const at::Tensor &B, bool left, bool check_errors, at::Tensor &result, at::Tensor &info) |
|
at::Tensor | at::linalg_solve (const at::Tensor &A, const at::Tensor &B, bool left=true) |
|
at::Tensor & | at::linalg_solve_out (at::Tensor &out, const at::Tensor &A, const at::Tensor &B, bool left=true) |
|
at::Tensor & | at::linalg_solve_outf (const at::Tensor &A, const at::Tensor &B, bool left, at::Tensor &out) |
|
at::Tensor | at::linalg_tensorinv (const at::Tensor &self, int64_t ind=2) |
|
at::Tensor & | at::linalg_tensorinv_out (at::Tensor &out, const at::Tensor &self, int64_t ind=2) |
|
at::Tensor & | at::linalg_tensorinv_outf (const at::Tensor &self, int64_t ind, at::Tensor &out) |
|
at::Tensor | at::linalg_tensorsolve (const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims=c10::nullopt) |
|
at::Tensor & | at::linalg_tensorsolve_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims=c10::nullopt) |
|
at::Tensor & | at::linalg_tensorsolve_outf (const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::linalg_qr (const at::Tensor &A, c10::string_view mode="reduced") |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_qr_out (at::Tensor &Q, at::Tensor &R, const at::Tensor &A, c10::string_view mode="reduced") |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::linalg_qr_outf (const at::Tensor &A, c10::string_view mode, at::Tensor &Q, at::Tensor &R) |
|
at::Tensor | at::linalg_matrix_power (const at::Tensor &self, int64_t n) |
|
at::Tensor & | at::linalg_matrix_power_out (at::Tensor &out, const at::Tensor &self, int64_t n) |
|
at::Tensor & | at::linalg_matrix_power_outf (const at::Tensor &self, int64_t n, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_rank (const at::Tensor &input, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_out (at::Tensor &out, const at::Tensor &input, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_outf (const at::Tensor &input, const c10::optional< at::Tensor > &atol, const c10::optional< at::Tensor > &rtol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_rank (const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_out (at::Tensor &out, const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_outf (const at::Tensor &self, c10::optional< double > atol, c10::optional< double > rtol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_rank (const at::Tensor &self, double tol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_out (at::Tensor &out, const at::Tensor &self, double tol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_outf (const at::Tensor &self, double tol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_matrix_rank (const at::Tensor &input, const at::Tensor &tol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &tol, bool hermitian=false) |
|
at::Tensor & | at::linalg_matrix_rank_outf (const at::Tensor &input, const at::Tensor &tol, bool hermitian, at::Tensor &out) |
|
at::Tensor | at::linalg_multi_dot (at::TensorList tensors) |
|
at::Tensor & | at::linalg_multi_dot_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::linalg_multi_dot_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor | at::nested_to_padded_tensor (const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt) |
|
at::Tensor | at::_test_serialization_subcmul (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor | at::_test_optional_intlist (const at::Tensor &values, at::OptionalIntArrayRef addends) |
|
at::Tensor | at::_test_optional_filled_intlist (const at::Tensor &values, at::OptionalIntArrayRef addends) |
|
at::Tensor | at::_test_optional_floatlist (const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends) |
|
at::Tensor | at::_test_string_default (const at::Tensor &dummy, c10::string_view a="\"'\\", c10::string_view b="\"'\\") |
|
at::Tensor | at::_test_ambiguous_defaults (const at::Tensor &dummy, int64_t a=1, int64_t b=1) |
|
at::Tensor | at::_test_ambiguous_defaults (const at::Tensor &dummy, int64_t a, c10::string_view b) |
|
at::Tensor | at::_test_warn_in_autograd (const at::Tensor &self) |
|
at::Tensor | at::_test_autograd_multiple_dispatch (const at::Tensor &self) |
|
at::Tensor | at::_test_autograd_multiple_dispatch (const at::Tensor &self, bool b) |
|
at::Tensor | at::_test_autograd_multiple_dispatch_view (const at::Tensor &self) |
|
at::Tensor | at::_test_autograd_multiple_dispatch_view_copy (const at::Tensor &self) |
|
at::Tensor | at::segment_reduce (const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths={}, const c10::optional< at::Tensor > &indices={}, const c10::optional< at::Tensor > &offsets={}, int64_t axis=0, bool unsafe=false, const c10::optional< at::Scalar > &initial=c10::nullopt) |
|
at::Tensor | at::_segment_reduce_backward (const at::Tensor &grad, const at::Tensor &output, const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths={}, const c10::optional< at::Tensor > &offsets={}, int64_t axis=0, const c10::optional< at::Scalar > &initial=c10::nullopt) |
|
at::Tensor | at::pad_sequence (at::TensorList sequences, bool batch_first=false, double padding_value=0.0) |
|
at::Tensor | at::flatten_dense_tensors (at::TensorList tensors) |
|
inline ::std::vector< at::Tensor > | at::unflatten_dense_tensors (const at::Tensor &flat, at::TensorList tensors) |
|
at::Tensor | at::_nested_tensor_from_tensor_list (at::TensorList list, c10::optional< at::ScalarType > dtype=c10::nullopt, c10::optional< at::Layout > layout=c10::nullopt, c10::optional< at::Device > device=c10::nullopt, c10::optional< bool > pin_memory=c10::nullopt) |
|
at::Tensor | at::_fw_primal_copy (const at::Tensor &self, int64_t level) |
|
at::Tensor | at::_make_dual_copy (const at::Tensor &primal, const at::Tensor &tangent, int64_t level) |
|
at::Tensor | at::view_as_real_copy (const at::Tensor &self) |
|
at::Tensor | at::view_as_complex_copy (const at::Tensor &self) |
|
at::Tensor | at::_conj_copy (const at::Tensor &self) |
|
at::Tensor | at::_neg_view_copy (const at::Tensor &self) |
|
at::Tensor | at::as_strided_copy (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::as_strided_copy (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
at::Tensor | at::as_strided_copy_symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::as_strided_copy (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
at::Tensor | at::_sparse_broadcast_to_copy (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::diagonal_copy (const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1) |
|
at::Tensor | at::expand_copy (const at::Tensor &self, at::IntArrayRef size, bool implicit=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::expand_copy (const at::Tensor &self, at::IntArrayRef size, bool implicit=false) |
|
at::Tensor | at::expand_copy_symint (const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::expand_copy (const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false) |
|
at::Tensor | at::permute_copy (const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor | at::_reshape_alias_copy (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::_reshape_alias_copy (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
at::Tensor | at::_reshape_alias_copy_symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::_reshape_alias_copy (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
at::Tensor | at::select_copy (const at::Tensor &self, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::select_copy (const at::Tensor &self, int64_t dim, int64_t index) |
|
at::Tensor | at::select_copy_symint (const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::select_copy (const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
at::Tensor | at::detach_copy (const at::Tensor &self) |
|
at::Tensor | at::slice_copy (const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::slice_copy (const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
at::Tensor | at::slice_copy_symint (const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::slice_copy (const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
inline ::std::vector< at::Tensor > | at::split_copy (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::split_copy (const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_copy_symint (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::split_copy (const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_with_sizes_copy (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::vector< at::Tensor > | at::symint::split_with_sizes_copy (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
inline ::std::vector< at::Tensor > | at::split_with_sizes_copy_symint (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::vector< at::Tensor > | at::symint::split_with_sizes_copy (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
at::Tensor | at::squeeze_copy (const at::Tensor &self) |
|
at::Tensor | at::squeeze_copy (const at::Tensor &self, int64_t dim) |
|
at::Tensor | at::squeeze_copy (const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor | at::t_copy (const at::Tensor &self) |
|
at::Tensor | at::transpose_copy (const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor | at::unsqueeze_copy (const at::Tensor &self, int64_t dim) |
|
at::Tensor | at::_indices_copy (const at::Tensor &self) |
|
at::Tensor | at::_values_copy (const at::Tensor &self) |
|
at::Tensor | at::indices_copy (const at::Tensor &self) |
|
at::Tensor | at::values_copy (const at::Tensor &self) |
|
at::Tensor | at::crow_indices_copy (const at::Tensor &self) |
|
at::Tensor | at::col_indices_copy (const at::Tensor &self) |
|
at::Tensor | at::ccol_indices_copy (const at::Tensor &self) |
|
at::Tensor | at::row_indices_copy (const at::Tensor &self) |
|
inline ::std::vector< at::Tensor > | at::unbind_copy (const at::Tensor &self, int64_t dim=0) |
|
void | at::unbind_copy_out (at::TensorList out, const at::Tensor &self, int64_t dim=0) |
|
void | at::unbind_copy_outf (const at::Tensor &self, int64_t dim, at::TensorList out) |
|
void | at::split_copy_out (at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::split_copy_out (at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
void | at::split_copy_outf (const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::split_copy_outf (const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out) |
|
void | at::split_copy_symint_out (at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::split_copy_out (at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
void | at::split_copy_symint_outf (const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::split_copy_outf (const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out) |
|
void | at::split_with_sizes_copy_out (at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::split_with_sizes_copy_out (at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
void | at::split_with_sizes_copy_outf (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::split_with_sizes_copy_outf (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
void | at::split_with_sizes_copy_symint_out (at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::split_with_sizes_copy_out (at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
void | at::split_with_sizes_copy_symint_outf (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::split_with_sizes_copy_outf (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
at::Tensor | at::view_copy (const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::view_copy (const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor | at::view_copy_symint (const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::view_copy (const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor | at::view_copy (const at::Tensor &self, at::ScalarType dtype) |
|
at::Tensor | at::unfold_copy (const at::Tensor &self, int64_t dimension, int64_t size, int64_t step) |
|
at::Tensor | at::alias_copy (const at::Tensor &self) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::to_padded_tensor (const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::to_padded_tensor (const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size=c10::nullopt) |
|
at::Tensor | at::_nested_tensor_softmax_with_shape (const at::Tensor &self, const at::Tensor &query) |
|
at::Tensor | at::_transformer_encoder_layer_fwd (const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask={}, c10::optional< int64_t > mask_type=c10::nullopt) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_native_multi_head_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}, bool need_weights=true, bool average_attn_weights=true, c10::optional< int64_t > mask_type=c10::nullopt) |
|
at::Tensor | at::scaled_dot_product_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const c10::optional< at::Tensor > &attn_mask={}, double dropout_p=0.0, bool is_causal=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_scaled_dot_product_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const c10::optional< at::Tensor > &attn_mask={}, double dropout_p=0.0, bool need_attn_weights=false, bool is_causal=false) |
|
int64_t | at::_fused_sdp_choice (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const c10::optional< at::Tensor > &attn_mask={}, double dropout_p=0.0, bool is_causal=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_scaled_dot_product_attention_math (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const c10::optional< at::Tensor > &attn_mask={}, double dropout_p=0.0, bool is_causal=false, const c10::optional< at::Tensor > &dropout_mask={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, int64_t, int64_t, int64_t, int64_t, at::Tensor > | at::_scaled_dot_product_flash_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, double dropout_p=0.0, bool is_causal=false, bool return_debug_mask=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_scaled_dot_product_flash_attention_backward (const at::Tensor &grad_out, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const at::Tensor &out, const at::Tensor &logsumexp, const at::Tensor &cum_seq_q, const at::Tensor &cum_seq_k, int64_t max_q, int64_t max_k, double dropout_p, bool is_causal, int64_t philox_seed, int64_t philox_offset) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_scaled_dot_product_efficient_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, bool compute_log_sumexp, bool is_causal=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_scaled_dot_product_efficient_attention_backward (const at::Tensor &grad_out_, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const at::Tensor &out, const at::Tensor &logsumexp, bool is_causal=false, bool chunk_grad_outputs=false) |
|
bool | at::_chunk_grad_outputs_efficient_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, bool is_causal=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, int64_t, int64_t, at::Tensor > | at::_flash_attention_forward (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const at::Tensor &cum_seq_q, const at::Tensor &cum_seq_k, int64_t max_q, int64_t max_k, double dropout_p, bool is_causal, bool return_debug_mask) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_flash_attention_backward (const at::Tensor &grad_out, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const at::Tensor &out, const at::Tensor &logsumexp, const at::Tensor &cum_seq_q, const at::Tensor &cum_seq_k, int64_t max_q, int64_t max_k, double dropout_p, bool is_causal, int64_t philox_seed, int64_t philox_offset) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_efficient_attention_forward (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const c10::optional< at::Tensor > &cu_seqlens_q, const c10::optional< at::Tensor > &cu_seqlens_k, c10::optional< int64_t > max_seqlen_q, bool compute_log_sumexp=false, bool causal=false) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_efficient_attention_backward (const at::Tensor &grad_out_, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, const at::Tensor &out, const at::Tensor &logsumexp, bool is_causal=false, bool chunk_grad_outputs=false) |
|
at::Tensor | at::_triton_scaled_dot_attention (const at::Tensor &q, const at::Tensor &k, const at::Tensor &v, double dropout_p=0.0) |
|
at::Tensor | at::_triton_multi_head_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}) |
|
at::Tensor | at::special_airy_ai (const at::Tensor &x) |
|
at::Tensor & | at::special_airy_ai_out (at::Tensor &out, const at::Tensor &x) |
|
at::Tensor & | at::special_airy_ai_outf (const at::Tensor &x, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > | at::_transformer_decoder_only_layer_fwd (const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask={}, const c10::optional< at::Tensor > &incr_key={}, const c10::optional< at::Tensor > &incr_value={}) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_native_decoder_only_multi_head_attention (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}, const c10::optional< at::Tensor > &incr_key={}, const c10::optional< at::Tensor > &incr_value={}, bool need_weights=true, bool average_attn_weights=true) |
|
at::Tensor | at::special_bessel_j0 (const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_j0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_j0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_bessel_j1 (const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_j1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_j1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_bessel_y0 (const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_y0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_y0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_bessel_y1 (const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_y1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_bessel_y1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_chebyshev_polynomial_t (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_t (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_t (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_t_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_chebyshev_polynomial_u (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_u (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_u (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_u_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_chebyshev_polynomial_v (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_v (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_v (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_v_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_chebyshev_polynomial_w (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_w (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_chebyshev_polynomial_w (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_chebyshev_polynomial_w_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_hermite_polynomial_h (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_hermite_polynomial_h (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_hermite_polynomial_h (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_hermite_polynomial_h_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_hermite_polynomial_h_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_hermite_polynomial_h_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_hermite_polynomial_h_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_hermite_polynomial_h_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_hermite_polynomial_h_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_hermite_polynomial_he (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_hermite_polynomial_he (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_hermite_polynomial_he (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_hermite_polynomial_he_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_hermite_polynomial_he_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_hermite_polynomial_he_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_hermite_polynomial_he_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_hermite_polynomial_he_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_hermite_polynomial_he_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_laguerre_polynomial_l (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_laguerre_polynomial_l (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_laguerre_polynomial_l (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_laguerre_polynomial_l_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_laguerre_polynomial_l_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_laguerre_polynomial_l_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_laguerre_polynomial_l_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_laguerre_polynomial_l_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_laguerre_polynomial_l_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_legendre_polynomial_p (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_legendre_polynomial_p (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_legendre_polynomial_p (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_legendre_polynomial_p_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_legendre_polynomial_p_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_legendre_polynomial_p_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_legendre_polynomial_p_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_legendre_polynomial_p_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_legendre_polynomial_p_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_modified_bessel_i0 (const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_i0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_i0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_modified_bessel_i1 (const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_i1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_i1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_modified_bessel_k0 (const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_k0_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_k0_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_modified_bessel_k1 (const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_k1_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::special_modified_bessel_k1_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::special_scaled_modified_bessel_k0 (const at::Tensor &x) |
|
at::Tensor & | at::special_scaled_modified_bessel_k0_out (at::Tensor &out, const at::Tensor &x) |
|
at::Tensor & | at::special_scaled_modified_bessel_k0_outf (const at::Tensor &x, at::Tensor &out) |
|
at::Tensor | at::special_scaled_modified_bessel_k1 (const at::Tensor &x) |
|
at::Tensor & | at::special_scaled_modified_bessel_k1_out (at::Tensor &out, const at::Tensor &x) |
|
at::Tensor & | at::special_scaled_modified_bessel_k1_outf (const at::Tensor &x, at::Tensor &out) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_t (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_t (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_t (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_t_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_u (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_u (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_u (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_u_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_v (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_v (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_v (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_v_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_w (const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_w (const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor | at::special_shifted_chebyshev_polynomial_w (const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_outf (const at::Tensor &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_out (at::Tensor &out, const at::Scalar &x, const at::Tensor &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_outf (const at::Scalar &x, const at::Tensor &n, at::Tensor &out) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_out (at::Tensor &out, const at::Tensor &x, const at::Scalar &n) |
|
at::Tensor & | at::special_shifted_chebyshev_polynomial_w_outf (const at::Tensor &x, const at::Scalar &n, at::Tensor &out) |
|
at::Tensor | at::special_spherical_bessel_j0 (const at::Tensor &x) |
|
at::Tensor & | at::special_spherical_bessel_j0_out (at::Tensor &out, const at::Tensor &x) |
|
at::Tensor & | at::special_spherical_bessel_j0_outf (const at::Tensor &x, at::Tensor &out) |
|
at::Tensor | at::_foobar (const at::Tensor &self, bool arg1=true, bool arg2=true, bool arg3=true) |
|
void | at::_fused_adam_ (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
void | at::_fused_adamw_ (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
at::Tensor & | at::_new_zeros_with_same_feature_meta_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, int64_t self_num_batch_dims=0) |
|
at::Tensor & | at::_new_zeros_with_same_feature_meta_outf (const at::Tensor &self, const at::Tensor &other, int64_t self_num_batch_dims, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_cudnn_ctc_loss_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank, bool deterministic, bool zero_infinity) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_cudnn_ctc_loss_outf (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank, bool deterministic, bool zero_infinity, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_cudnn_rnn_flatten_weight_out (at::Tensor &out, at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_cudnn_rnn_flatten_weight_out (at::Tensor &out, at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
at::Tensor & | at::_cudnn_rnn_flatten_weight_outf (at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_cudnn_rnn_flatten_weight_outf (at::TensorList weight_arr, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, bool bidirectional, at::Tensor &out) |
|
at::Tensor & | at::_cudnn_rnn_flatten_weight_symint_out (at::Tensor &out, at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_cudnn_rnn_flatten_weight_out (at::Tensor &out, at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional) |
|
at::Tensor & | at::_cudnn_rnn_flatten_weight_symint_outf (at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_cudnn_rnn_flatten_weight_outf (at::TensorList weight_arr, int64_t weight_stride0, c10::SymInt input_size, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, bool bidirectional, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_cudnn_rnn_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::_cudnn_rnn_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_cudnn_rnn_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::_cudnn_rnn_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_cudnn_rnn_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::_cudnn_rnn_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_cudnn_rnn_symint_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::_cudnn_rnn_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const c10::optional< at::Tensor > &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
void | at::_cudnn_rnn_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::_cudnn_rnn_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
void | at::_cudnn_rnn_backward_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::_cudnn_rnn_backward_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3) |
|
void | at::_cudnn_rnn_backward_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::_cudnn_rnn_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
void | at::_cudnn_rnn_backward_symint_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::_cudnn_rnn_backward_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, c10::SymInt hidden_size, c10::SymInt proj_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, c10::SymIntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3) |
|
at::Tensor & | at::_cudnn_init_dropout_state_out (at::Tensor &out, double dropout, bool train, int64_t dropout_seed) |
|
at::Tensor & | at::_cudnn_init_dropout_state_outf (double dropout, bool train, int64_t dropout_seed, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fused_dropout_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fused_dropout_outf (const at::Tensor &self, double p, c10::optional< at::Generator > generator, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_masked_scale_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, double scale) |
|
at::Tensor & | at::_masked_scale_outf (const at::Tensor &self, const at::Tensor &mask, double scale, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::native_dropout_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, double p, c10::optional< bool > train) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::native_dropout_outf (const at::Tensor &input, double p, c10::optional< bool > train, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::native_dropout_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &mask, double scale) |
|
at::Tensor & | at::native_dropout_backward_outf (const at::Tensor &grad_output, const at::Tensor &mask, double scale, at::Tensor &out) |
|
at::Tensor & | at::_conj_physical_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_conj_physical_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_add_relu_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_add_relu_outf (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::add_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::add_outf (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::affine_grid_generator_out (at::Tensor &out, const at::Tensor &theta, at::IntArrayRef size, bool align_corners) |
|
at::Tensor & | at::affine_grid_generator_outf (const at::Tensor &theta, at::IntArrayRef size, bool align_corners, at::Tensor &out) |
|
at::Tensor & | at::bartlett_window_out (at::Tensor &out, int64_t window_length) |
|
at::Tensor & | at::bartlett_window_outf (int64_t window_length, at::Tensor &out) |
|
at::Tensor & | at::bartlett_window_out (at::Tensor &out, int64_t window_length, bool periodic) |
|
at::Tensor & | at::bartlett_window_outf (int64_t window_length, bool periodic, at::Tensor &out) |
|
at::Tensor & | at::quantized_batch_norm_out (at::Tensor &out, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &var, double eps, double output_scale, int64_t output_zero_point) |
|
at::Tensor & | at::quantized_batch_norm_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &mean, const at::Tensor &var, double eps, double output_scale, int64_t output_zero_point, at::Tensor &out) |
|
at::Tensor & | at::bernoulli_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::bernoulli_outf (const at::Tensor &self, const at::Tensor &p, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::bernoulli (const at::Tensor &self, const at::Tensor &p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::bernoulli_out (at::Tensor &out, const at::Tensor &self, double p=0.5, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::bernoulli_outf (const at::Tensor &self, double p, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::binary_cross_entropy_with_logits_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, const c10::optional< at::Tensor > &pos_weight={}, int64_t reduction=at::Reduction::Mean) |
|
at::Tensor & | at::binary_cross_entropy_with_logits_outf (const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &pos_weight, int64_t reduction, at::Tensor &out) |
|
at::Tensor & | at::bincount_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Tensor > &weights={}, int64_t minlength=0) |
|
at::Tensor & | at::bincount_outf (const at::Tensor &self, const c10::optional< at::Tensor > &weights, int64_t minlength, at::Tensor &out) |
|
at::Tensor & | at::blackman_window_out (at::Tensor &out, int64_t window_length) |
|
at::Tensor & | at::blackman_window_outf (int64_t window_length, at::Tensor &out) |
|
at::Tensor & | at::blackman_window_out (at::Tensor &out, int64_t window_length, bool periodic) |
|
at::Tensor & | at::blackman_window_outf (int64_t window_length, bool periodic, at::Tensor &out) |
|
at::Tensor & | at::block_diag_out (at::Tensor &out, at::TensorList tensors) |
|
at::Tensor & | at::block_diag_outf (at::TensorList tensors, at::Tensor &out) |
|
at::Tensor & | at::constant_pad_nd_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::constant_pad_nd_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0) |
|
at::Tensor & | at::constant_pad_nd_outf (const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::constant_pad_nd_outf (const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::constant_pad_nd_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::constant_pad_nd_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0) |
|
at::Tensor & | at::constant_pad_nd_symint_outf (const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::constant_pad_nd_outf (const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
at::Tensor & | at::convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, at::Tensor &out) |
|
at::Tensor & | at::convolution_symint_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups) |
|
at::Tensor & | at::convolution_symint_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::convolution_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::convolution_backward_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalIntArrayRef bias_sizes, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::convolution_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::convolution_backward_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::OptionalSymIntArrayRef bias_sizes, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::convolution_overrideable_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups) |
|
at::Tensor & | at::convolution_overrideable_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_overrideable_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::convolution_backward_overrideable_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
at::Tensor & | at::_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool transposed, at::IntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32, at::Tensor &out) |
|
at::Tensor & | at::_convolution_symint_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) |
|
at::Tensor & | at::_convolution_symint_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, bool transposed, c10::SymIntArrayRef output_padding, int64_t groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32, at::Tensor &out) |
|
at::Tensor & | at::conv_tbc_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad=0) |
|
at::Tensor & | at::conv_tbc_outf (const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad, at::Tensor &out) |
|
at::Tensor & | at::copy_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, bool non_blocking=false) |
|
at::Tensor & | at::copy_outf (const at::Tensor &self, const at::Tensor &src, bool non_blocking, at::Tensor &out) |
|
at::Tensor & | at::_copy_from_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &dst, bool non_blocking=false) |
|
at::Tensor & | at::_copy_from_outf (const at::Tensor &self, const at::Tensor &dst, bool non_blocking, at::Tensor &out) |
|
at::Tensor & | at::_copy_from_and_resize_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &dst) |
|
at::Tensor & | at::_copy_from_and_resize_outf (const at::Tensor &self, const at::Tensor &dst, at::Tensor &out) |
|
at::Tensor & | at::count_nonzero_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor & | at::count_nonzero_outf (const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out) |
|
at::Tensor & | at::count_nonzero_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::count_nonzero_outf (const at::Tensor &self, c10::optional< int64_t > dim, at::Tensor &out) |
|
at::Tensor & | at::_mps_convolution_transpose_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor & | at::_mps_convolution_transpose_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mps_convolution_transpose_backward_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 2 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mps_convolution_transpose_backward_outf (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 2 > output_mask, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_ctc_loss_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank=0, bool zero_infinity=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_ctc_loss_outf (const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank, bool zero_infinity, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_ctc_loss_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank=0, bool zero_infinity=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_ctc_loss_outf (const at::Tensor &log_probs, const at::Tensor &targets, const at::Tensor &input_lengths, const at::Tensor &target_lengths, int64_t blank, bool zero_infinity, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_ctc_loss_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, const at::Tensor &neg_log_likelihood, const at::Tensor &log_alpha, int64_t blank, bool zero_infinity=false) |
|
at::Tensor & | at::_ctc_loss_backward_outf (const at::Tensor &grad, const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, const at::Tensor &neg_log_likelihood, const at::Tensor &log_alpha, int64_t blank, bool zero_infinity, at::Tensor &out) |
|
at::Tensor & | at::diag_embed_out (at::Tensor &out, const at::Tensor &self, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1) |
|
at::Tensor & | at::diag_embed_outf (const at::Tensor &self, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
at::Tensor & | at::diagonal_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::diagonal_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
at::Tensor & | at::diagonal_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::diagonal_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
at::Tensor & | at::diagonal_backward_symint_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::diagonal_backward_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) |
|
at::Tensor & | at::diagonal_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::diagonal_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
at::Tensor & | at::div_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::div_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor & | at::div_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other, c10::optional< c10::string_view > rounding_mode) |
|
at::Tensor & | at::div_outf (const at::Tensor &self, const at::Scalar &other, c10::optional< c10::string_view > rounding_mode, at::Tensor &out) |
|
at::Tensor & | at::embedding_out (at::Tensor &out, const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::embedding_out (at::Tensor &out, const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
at::Tensor & | at::embedding_outf (const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::embedding_outf (const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out) |
|
at::Tensor & | at::embedding_symint_out (at::Tensor &out, const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::embedding_out (at::Tensor &out, const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false) |
|
at::Tensor & | at::embedding_symint_outf (const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::embedding_outf (const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out) |
|
at::Tensor & | at::embedding_dense_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::embedding_dense_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq) |
|
at::Tensor & | at::embedding_dense_backward_outf (const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::embedding_dense_backward_outf (const at::Tensor &grad_output, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq, at::Tensor &out) |
|
at::Tensor & | at::embedding_dense_backward_symint_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::embedding_dense_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq) |
|
at::Tensor & | at::embedding_dense_backward_symint_outf (const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::embedding_dense_backward_outf (const at::Tensor &grad_output, const at::Tensor &indices, c10::SymInt num_weights, c10::SymInt padding_idx, bool scale_grad_by_freq, at::Tensor &out) |
|
at::Tensor & | at::embedding_renorm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type) |
|
at::Tensor & | at::embedding_renorm_outf (const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type, at::Tensor &out) |
|
at::Tensor | at::embedding_renorm (const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_embedding_bag_forward_only_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq=false, int64_t mode=0, bool sparse=false, const c10::optional< at::Tensor > &per_sample_weights={}, bool include_last_offset=false, int64_t padding_idx=-1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_embedding_bag_forward_only_outf (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, bool include_last_offset, int64_t padding_idx, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_embedding_bag_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq=false, int64_t mode=0, bool sparse=false, const c10::optional< at::Tensor > &per_sample_weights={}, bool include_last_offset=false, int64_t padding_idx=-1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_embedding_bag_outf (const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, bool scale_grad_by_freq, int64_t mode, bool sparse, const c10::optional< at::Tensor > &per_sample_weights, bool include_last_offset, int64_t padding_idx, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3) |
|
at::Tensor & | at::_embedding_bag_dense_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_embedding_bag_dense_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor & | at::_embedding_bag_dense_backward_outf (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_embedding_bag_dense_backward_outf (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, int64_t num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx, at::Tensor &out) |
|
at::Tensor & | at::_embedding_bag_dense_backward_symint_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_embedding_bag_dense_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx=-1) |
|
at::Tensor & | at::_embedding_bag_dense_backward_symint_outf (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_embedding_bag_dense_backward_outf (const at::Tensor &grad, const at::Tensor &indices, const at::Tensor &offset2bag, const at::Tensor &bag_size, const at::Tensor &maximum_indices, c10::SymInt num_weights, bool scale_grad_by_freq, int64_t mode, const c10::optional< at::Tensor > &per_sample_weights, int64_t padding_idx, at::Tensor &out) |
|
at::Tensor & | at::_embedding_bag_per_sample_weights_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, int64_t mode, int64_t padding_idx=-1) |
|
at::Tensor & | at::_embedding_bag_per_sample_weights_backward_outf (const at::Tensor &grad, const at::Tensor &weight, const at::Tensor &indices, const at::Tensor &offsets, const at::Tensor &offset2bag, int64_t mode, int64_t padding_idx, at::Tensor &out) |
|
at::Tensor & | at::empty_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::empty_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::new_empty_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_empty_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::new_empty_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_empty_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::new_empty_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_empty_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor & | at::new_empty_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_empty_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::new_empty_strided_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_empty_strided_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
at::Tensor & | at::new_empty_strided_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_empty_strided_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::new_empty_strided_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_empty_strided_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
at::Tensor & | at::new_empty_strided_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_empty_strided_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::new_full_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_full_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value) |
|
at::Tensor & | at::new_full_outf (const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_full_outf (const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
at::Tensor & | at::new_full_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_full_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value) |
|
at::Tensor & | at::new_full_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_full_outf (const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out) |
|
at::Tensor & | at::new_zeros_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_zeros_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::new_zeros_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_zeros_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::new_zeros_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_zeros_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor & | at::new_zeros_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_zeros_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::new_ones_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_ones_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::new_ones_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::new_ones_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::new_ones_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_ones_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor & | at::new_ones_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::new_ones_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::_empty_affine_quantized_out (at::Tensor &out, at::IntArrayRef size, double scale=1, int64_t zero_point=0, c10::optional< at::MemoryFormat > memory_format=MemoryFormat::Contiguous) |
|
at::Tensor & | at::_empty_affine_quantized_outf (at::IntArrayRef size, double scale, int64_t zero_point, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::_empty_per_channel_affine_quantized_out (at::Tensor &out, at::IntArrayRef size, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, c10::optional< at::MemoryFormat > memory_format=MemoryFormat::Contiguous) |
|
at::Tensor & | at::_empty_per_channel_affine_quantized_outf (at::IntArrayRef size, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
const at::Tensor & | at::resize_out (const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::resize_out (const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::resize_outf (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
const at::Tensor & | at::symint::resize_outf (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out) |
|
const at::Tensor & | at::resize_symint_out (const at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::resize_out (const at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::resize_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
const at::Tensor & | at::symint::resize_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out) |
|
at::Tensor | at::resize (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::resize (const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor | at::resize_symint (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::resize (const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::_resize_output_out (const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::Device device) |
|
const at::Tensor & | at::_resize_output_outf (const at::Tensor &self, at::IntArrayRef size, at::Device device, const at::Tensor &out) |
|
at::Tensor | at::_resize_output (const at::Tensor &self, at::IntArrayRef size, at::Device device) |
|
at::Tensor & | at::empty_quantized_out (at::Tensor &out, at::IntArrayRef size, const at::Tensor &qtensor, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::empty_quantized_outf (at::IntArrayRef size, const at::Tensor &qtensor, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::empty_like_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::empty_like_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::empty_strided_out (at::Tensor &out, at::IntArrayRef size, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::empty_strided_out (at::Tensor &out, at::IntArrayRef size, at::IntArrayRef stride) |
|
at::Tensor & | at::empty_strided_outf (at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::empty_strided_outf (at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::empty_strided_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::empty_strided_out (at::Tensor &out, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
at::Tensor & | at::empty_strided_symint_outf (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::empty_strided_outf (c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::fill_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &value) |
|
at::Tensor & | at::fill_outf (const at::Tensor &self, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::fill_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &value) |
|
at::Tensor & | at::fill_outf (const at::Tensor &self, const at::Tensor &value, at::Tensor &out) |
|
at::Tensor & | at::full_out (at::Tensor &out, at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::full_outf (at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::full_like_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &fill_value, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::full_like_outf (const at::Tensor &self, const at::Scalar &fill_value, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::from_file_out (at::Tensor &out, c10::string_view filename, c10::optional< bool > shared=c10::nullopt, c10::optional< int64_t > size=0) |
|
at::Tensor & | at::from_file_outf (c10::string_view filename, c10::optional< bool > shared, c10::optional< int64_t > size, at::Tensor &out) |
|
at::Tensor & | at::grid_sampler_2d_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
at::Tensor & | at::grid_sampler_2d_outf (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::grid_sampler_2d_backward_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::grid_sampler_2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_grid_sampler_2d_cpu_fallback_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
at::Tensor & | at::_grid_sampler_2d_cpu_fallback_outf (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, at::Tensor &out) |
|
at::Tensor & | at::grid_sampler_3d_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners) |
|
at::Tensor & | at::grid_sampler_3d_outf (const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::grid_sampler_3d_backward_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::grid_sampler_3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners, ::std::array< bool, 2 > output_mask, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::hann_window_out (at::Tensor &out, int64_t window_length) |
|
at::Tensor & | at::hann_window_outf (int64_t window_length, at::Tensor &out) |
|
at::Tensor & | at::hann_window_out (at::Tensor &out, int64_t window_length, bool periodic) |
|
at::Tensor & | at::hann_window_outf (int64_t window_length, bool periodic, at::Tensor &out) |
|
at::Tensor & | at::hamming_window_out (at::Tensor &out, int64_t window_length) |
|
at::Tensor & | at::hamming_window_outf (int64_t window_length, at::Tensor &out) |
|
at::Tensor & | at::hamming_window_out (at::Tensor &out, int64_t window_length, bool periodic) |
|
at::Tensor & | at::hamming_window_outf (int64_t window_length, bool periodic, at::Tensor &out) |
|
at::Tensor & | at::hamming_window_out (at::Tensor &out, int64_t window_length, bool periodic, double alpha) |
|
at::Tensor & | at::hamming_window_outf (int64_t window_length, bool periodic, double alpha, at::Tensor &out) |
|
at::Tensor & | at::hamming_window_out (at::Tensor &out, int64_t window_length, bool periodic, double alpha, double beta) |
|
at::Tensor & | at::hamming_window_outf (int64_t window_length, bool periodic, double alpha, double beta, at::Tensor &out) |
|
at::Tensor & | at::kaiser_window_out (at::Tensor &out, int64_t window_length) |
|
at::Tensor & | at::kaiser_window_outf (int64_t window_length, at::Tensor &out) |
|
at::Tensor & | at::kaiser_window_out (at::Tensor &out, int64_t window_length, bool periodic) |
|
at::Tensor & | at::kaiser_window_outf (int64_t window_length, bool periodic, at::Tensor &out) |
|
at::Tensor & | at::kaiser_window_out (at::Tensor &out, int64_t window_length, bool periodic, double beta) |
|
at::Tensor & | at::kaiser_window_outf (int64_t window_length, bool periodic, double beta, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, int64_t N, int64_t C, int64_t HxW, int64_t group, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_symint_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_outf (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, int64_t N, int64_t C, int64_t HxW, int64_t group, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_backward_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_group_norm_backward_symint_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_group_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, c10::SymInt N, c10::SymInt C, c10::SymInt HxW, int64_t group, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::index_put_out (at::Tensor &out, const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false) |
|
at::Tensor & | at::index_put_outf (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate, at::Tensor &out) |
|
at::Tensor & | at::_index_put_impl_out (at::Tensor &out, const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false, bool unsafe=false) |
|
at::Tensor & | at::_index_put_impl_outf (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate, bool unsafe, at::Tensor &out) |
|
at::Tensor | at::_index_put_impl (const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false, bool unsafe=false) |
|
at::Tensor & | at::isnan_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::isnan_outf (const at::Tensor &self, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_outf (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_outf (const at::Tensor &input, at::IntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_symint_outf (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_outf (const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, double eps, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, at::IntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_backward_symint_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_layer_norm_backward_symint_outf (const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::symint::native_layer_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, c10::SymIntArrayRef normalized_shape, const at::Tensor &mean, const at::Tensor &rstd, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linear_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::linear_backward_outf (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::mkldnn_linear_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={}) |
|
at::Tensor & | at::mkldnn_linear_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_linear_backward_input_out (at::Tensor &out, at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight) |
|
at::Tensor & | at::mkldnn_linear_backward_input_outf (at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mkldnn_linear_backward_weights_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, bool bias_defined) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::mkldnn_linear_backward_weights_outf (const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, bool bias_defined, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_linear_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_linear_backward_outf (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::matmul_backward_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &grad, const at::Tensor &self, const at::Tensor &other, ::std::array< bool, 2 > mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::matmul_backward_outf (const at::Tensor &grad, const at::Tensor &self, const at::Tensor &other, ::std::array< bool, 2 > mask, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_aminmax_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_aminmax_outf (const at::Tensor &self, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_aminmax_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, int64_t dim, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_aminmax_outf (const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::max_pool2d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::max_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_max_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::mkldnn_max_pool2d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_max_pool2d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::mkldnn_max_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_max_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::mkldnn_max_pool3d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_max_pool3d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::mkldnn_max_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &input, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::quantized_max_pool1d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::quantized_max_pool1d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::quantized_max_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride={}, at::IntArrayRef padding=0, at::IntArrayRef dilation=1, bool ceil_mode=false) |
|
at::Tensor & | at::quantized_max_pool2d_outf (const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, bool ceil_mode, at::Tensor &out) |
|
at::Tensor & | at::median_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::median_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::nanmedian_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::nanmedian_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_mps_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor & | at::_mps_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::mps_convolution_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::mps_convolution_backward_outf (const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::mkldnn_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::mkldnn_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor & | at::mkldnn_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::mkldnn_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_convolution_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::mkldnn_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups) |
|
at::Tensor & | at::mkldnn_convolution_symint_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::mkldnn_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_rnn_layer_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, const at::Tensor &input, const at::Tensor &weight0, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &hx_, const at::Tensor &cx_, bool reverse, at::IntArrayRef batch_sizes, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool bidirectional, bool batch_first, bool train) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_rnn_layer_outf (const at::Tensor &input, const at::Tensor &weight0, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &hx_, const at::Tensor &cx_, bool reverse, at::IntArrayRef batch_sizes, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool bidirectional, bool batch_first, bool train, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_rnn_layer_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, at::Tensor &out5, at::Tensor &out6, const at::Tensor &input, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &weight4, const at::Tensor &hx_, const at::Tensor &cx_tmp, const at::Tensor &output, const at::Tensor &hy_, const at::Tensor &cy_, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, bool reverse, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool train, bool bidirectional, at::IntArrayRef batch_sizes, bool batch_first, const at::Tensor &workspace) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::mkldnn_rnn_layer_backward_outf (const at::Tensor &input, const at::Tensor &weight1, const at::Tensor &weight2, const at::Tensor &weight3, const at::Tensor &weight4, const at::Tensor &hx_, const at::Tensor &cx_tmp, const at::Tensor &output, const at::Tensor &hy_, const at::Tensor &cy_, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, bool reverse, int64_t mode, int64_t hidden_size, int64_t num_layers, bool has_biases, bool train, bool bidirectional, at::IntArrayRef batch_sizes, bool batch_first, const at::Tensor &workspace, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, at::Tensor &out5, at::Tensor &out6) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_batch_norm_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double exponential_average_factor, double epsilon) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_batch_norm_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, bool training, double exponential_average_factor, double epsilon, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_batch_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input, const at::Tensor &grad_output, const at::Tensor &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_var, double epsilon) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_batch_norm_backward_outf (const at::Tensor &input, const at::Tensor &grad_output, const at::Tensor &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_var, double epsilon, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::miopen_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
at::Tensor & | at::miopen_convolution_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_convolution_symint_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
at::Tensor & | at::miopen_convolution_transpose_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_convolution_transpose_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_convolution_transpose_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_convolution_transpose_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
at::Tensor & | at::miopen_convolution_transpose_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_convolution_transpose_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_convolution_transpose_symint_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_convolution_transpose_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, c10::SymIntArrayRef output_padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
at::Tensor & | at::miopen_depthwise_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_depthwise_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_depthwise_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::miopen_depthwise_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
at::Tensor & | at::miopen_depthwise_convolution_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_depthwise_convolution_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic) |
|
at::Tensor & | at::miopen_depthwise_convolution_symint_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::miopen_depthwise_convolution_outf (const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, bool benchmark, bool deterministic, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_rnn_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::miopen_rnn_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
void | at::miopen_rnn_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3, const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask) |
|
void | at::miopen_rnn_backward_outf (const at::Tensor &input, at::TensorList weight, int64_t weight_stride0, const at::Tensor &weight_buf, const at::Tensor &hx, const c10::optional< at::Tensor > &cx, const at::Tensor &output, const c10::optional< at::Tensor > &grad_output, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, int64_t mode, int64_t hidden_size, int64_t num_layers, bool batch_first, double dropout, bool train, bool bidirectional, at::IntArrayRef batch_sizes, const c10::optional< at::Tensor > &dropout_state, const at::Tensor &reserve, ::std::array< bool, 4 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::TensorList out3) |
|
at::Tensor & | at::_sparse_sparse_matmul_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::_sparse_sparse_matmul_outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::mul_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::mul_outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_native_batch_norm_legit_functional (const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &bias, const at::Tensor &running_mean, const at::Tensor &running_var, bool training, double momentum, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_stats_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, double eps) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_stats_outf (const at::Tensor &input, double eps, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_gather_stats_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, int64_t count) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_gather_stats_outf (const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, int64_t count, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_gather_stats_with_counts_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, const at::Tensor &counts) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_gather_stats_with_counts_outf (const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, double eps, const at::Tensor &counts, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_batch_norm_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_out, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_invstd, bool train, double eps, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::native_batch_norm_backward_outf (const at::Tensor &grad_out, const at::Tensor &input, const c10::optional< at::Tensor > &weight, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, const c10::optional< at::Tensor > &save_mean, const c10::optional< at::Tensor > &save_invstd, bool train, double eps, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::batch_norm_backward_reduce_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, bool input_g, bool weight_g, bool bias_g) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::batch_norm_backward_reduce_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, bool input_g, bool weight_g, bool bias_g, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3) |
|
at::Tensor & | at::batch_norm_backward_elemt_out (at::Tensor &out, const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, const at::Tensor &mean_dy, const at::Tensor &mean_dy_xmu, const at::Tensor &count) |
|
at::Tensor & | at::batch_norm_backward_elemt_outf (const at::Tensor &grad_out, const at::Tensor &input, const at::Tensor &mean, const at::Tensor &invstd, const c10::optional< at::Tensor > &weight, const at::Tensor &mean_dy, const at::Tensor &mean_dy_xmu, const at::Tensor &count, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_update_stats_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::batch_norm_update_stats_outf (const at::Tensor &input, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_nnpack_spatial_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_nnpack_spatial_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1) |
|
at::Tensor & | at::_nnpack_spatial_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_nnpack_spatial_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::_nnpack_spatial_convolution_symint_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_nnpack_spatial_convolution_out (at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride=1) |
|
at::Tensor & | at::_nnpack_spatial_convolution_symint_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_nnpack_spatial_convolution_outf (const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, c10::SymIntArrayRef padding, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::ones_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::ones_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::ones_like_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::ones_like_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::_euclidean_dist_out (at::Tensor &out, const at::Tensor &x1, const at::Tensor &x2) |
|
at::Tensor & | at::_euclidean_dist_outf (const at::Tensor &x1, const at::Tensor &x2, at::Tensor &out) |
|
at::Tensor & | at::_cdist_forward_out (at::Tensor &out, const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode) |
|
at::Tensor & | at::_cdist_forward_outf (const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode, at::Tensor &out) |
|
at::Tensor & | at::_cdist_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist) |
|
at::Tensor & | at::_cdist_backward_outf (const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist, at::Tensor &out) |
|
at::Tensor & | at::_pdist_forward_out (at::Tensor &out, const at::Tensor &self, double p=2) |
|
at::Tensor & | at::_pdist_forward_outf (const at::Tensor &self, double p, at::Tensor &out) |
|
at::Tensor & | at::_pdist_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist) |
|
at::Tensor & | at::_pdist_backward_outf (const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist, at::Tensor &out) |
|
at::Tensor & | at::pixel_shuffle_out (at::Tensor &out, const at::Tensor &self, int64_t upscale_factor) |
|
at::Tensor & | at::pixel_shuffle_outf (const at::Tensor &self, int64_t upscale_factor, at::Tensor &out) |
|
at::Tensor & | at::pixel_unshuffle_out (at::Tensor &out, const at::Tensor &self, int64_t downscale_factor) |
|
at::Tensor & | at::pixel_unshuffle_outf (const at::Tensor &self, int64_t downscale_factor, at::Tensor &out) |
|
at::Tensor & | at::channel_shuffle_out (at::Tensor &out, const at::Tensor &self, int64_t groups) |
|
at::Tensor & | at::channel_shuffle_outf (const at::Tensor &self, int64_t groups, at::Tensor &out) |
|
at::Tensor & | at::_pin_memory_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Device > device=c10::nullopt) |
|
at::Tensor & | at::_pin_memory_outf (const at::Tensor &self, c10::optional< at::Device > device, at::Tensor &out) |
|
at::Tensor & | at::scalar_tensor_out (at::Tensor &out, const at::Scalar &s) |
|
at::Tensor & | at::scalar_tensor_outf (const at::Scalar &s, at::Tensor &out) |
|
at::Tensor & | at::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::rand_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::rand_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::rand_symint_outf (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_outf (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::rand_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::rand_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::rand_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::rand_symint_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::rand_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::rand_like_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::rand_like_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::randint_like_out (at::Tensor &out, const at::Tensor &self, int64_t high, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::randint_like_outf (const at::Tensor &self, int64_t high, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::randint_like_out (at::Tensor &out, const at::Tensor &self, int64_t low, int64_t high, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::randint_like_outf (const at::Tensor &self, int64_t low, int64_t high, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::randn_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::randn_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::randn_symint_outf (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_outf (c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::randn_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::randn_outf (at::IntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::randn_symint_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_out (at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::randn_symint_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::randn_outf (c10::SymIntArrayRef size, c10::optional< at::Generator > generator, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::randn_like_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::randn_like_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::repeat_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef repeats) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::repeat_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef repeats) |
|
at::Tensor & | at::repeat_outf (const at::Tensor &self, at::IntArrayRef repeats, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::repeat_outf (const at::Tensor &self, at::IntArrayRef repeats, at::Tensor &out) |
|
at::Tensor & | at::repeat_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef repeats) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::repeat_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef repeats) |
|
at::Tensor & | at::repeat_symint_outf (const at::Tensor &self, c10::SymIntArrayRef repeats, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::repeat_outf (const at::Tensor &self, c10::SymIntArrayRef repeats, at::Tensor &out) |
|
at::Tensor & | at::repeat_interleave_out (at::Tensor &out, const at::Tensor &repeats, c10::optional< int64_t > output_size=c10::nullopt) |
|
at::Tensor & | at::repeat_interleave_outf (const at::Tensor &repeats, c10::optional< int64_t > output_size, at::Tensor &out) |
|
at::Tensor & | at::_mkldnn_reshape_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef shape) |
|
at::Tensor & | at::_mkldnn_reshape_outf (const at::Tensor &self, at::IntArrayRef shape, at::Tensor &out) |
|
at::Tensor & | at::relu_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::relu_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::select_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index) |
|
at::Tensor & | at::select_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index, at::Tensor &out) |
|
at::Tensor & | at::select_backward_symint_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_backward_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index) |
|
at::Tensor & | at::select_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
at::Tensor & | at::celu_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &alpha=1.0) |
|
at::Tensor & | at::celu_outf (const at::Tensor &self, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::slice_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_backward_out (at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step) |
|
at::Tensor & | at::slice_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_backward_outf (const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::slice_backward_symint_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_backward_out (at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step) |
|
at::Tensor & | at::slice_backward_symint_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_backward_outf (const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step, at::Tensor &out) |
|
at::Tensor & | at::slice_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
at::Tensor & | at::slice_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::optional< int64_t > start, c10::optional< int64_t > end, int64_t step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::optional< int64_t > start, c10::optional< int64_t > end, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::slice_scatter_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
at::Tensor & | at::slice_scatter_symint_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::optional< c10::SymInt > start, c10::optional< c10::SymInt > end, c10::SymInt step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::optional< c10::SymInt > start, c10::optional< c10::SymInt > end, c10::SymInt step, at::Tensor &out) |
|
at::Tensor & | at::select_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index) |
|
at::Tensor & | at::select_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index, at::Tensor &out) |
|
at::Tensor & | at::select_scatter_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index) |
|
at::Tensor & | at::select_scatter_symint_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
at::Tensor & | at::diagonal_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t offset=0, int64_t dim1=0, int64_t dim2=1) |
|
at::Tensor & | at::diagonal_scatter_outf (const at::Tensor &self, const at::Tensor &src, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
at::Tensor & | at::as_strided_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::as_strided_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
at::Tensor & | at::as_strided_scatter_outf (const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::as_strided_scatter_outf (const at::Tensor &self, const at::Tensor &src, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out) |
|
at::Tensor & | at::as_strided_scatter_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::as_strided_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
at::Tensor & | at::as_strided_scatter_symint_outf (const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::as_strided_scatter_outf (const at::Tensor &self, const at::Tensor &src, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset, at::Tensor &out) |
|
void | at::unsafe_split_out (at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::unsafe_split_out (at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0) |
|
void | at::unsafe_split_outf (const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::unsafe_split_outf (const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out) |
|
void | at::unsafe_split_symint_out (at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::unsafe_split_out (at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0) |
|
void | at::unsafe_split_symint_outf (const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::unsafe_split_outf (const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out) |
|
void | at::unsafe_split_with_sizes_out (at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::unsafe_split_with_sizes_out (at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0) |
|
void | at::unsafe_split_with_sizes_outf (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
void | at::symint::unsafe_split_with_sizes_outf (const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
void | at::unsafe_split_with_sizes_symint_out (at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::unsafe_split_with_sizes_out (at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0) |
|
void | at::unsafe_split_with_sizes_symint_outf (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
void | at::symint::unsafe_split_with_sizes_outf (const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out) |
|
at::Tensor & | at::sum_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::sum_outf (const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::std_mean_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::std_mean_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::prod_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::prod_outf (const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::_mkldnn_transpose_out (at::Tensor &out, const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor & | at::_mkldnn_transpose_outf (const at::Tensor &self, int64_t dim0, int64_t dim1, at::Tensor &out) |
|
at::Tensor & | at::flip_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor & | at::flip_outf (const at::Tensor &self, at::IntArrayRef dims, at::Tensor &out) |
|
at::Tensor & | at::roll_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims={}) |
|
at::Tensor & | at::roll_outf (const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims, at::Tensor &out) |
|
at::Tensor & | at::rot90_out (at::Tensor &out, const at::Tensor &self, int64_t k=1, at::IntArrayRef dims={0, 1}) |
|
at::Tensor & | at::rot90_outf (const at::Tensor &self, int64_t k, at::IntArrayRef dims, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_transform_bias_rescale_qkv_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &qkv, const at::Tensor &qkv_bias, int64_t num_heads) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_transform_bias_rescale_qkv_outf (const at::Tensor &qkv, const at::Tensor &qkv_bias, int64_t num_heads, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::_nested_tensor_from_mask_out (at::Tensor &out, const at::Tensor &t, const at::Tensor &mask, bool mask_check=true) |
|
at::Tensor & | at::_nested_tensor_from_mask_outf (const at::Tensor &t, const at::Tensor &mask, bool mask_check, at::Tensor &out) |
|
at::Tensor & | at::_nested_from_padded_out (at::Tensor &out, const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213=false) |
|
at::Tensor & | at::_nested_from_padded_outf (const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213, at::Tensor &out) |
|
at::Tensor & | at::_nested_tensor_size_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_nested_tensor_size_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_nested_tensor_strides_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_nested_tensor_strides_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_nested_from_padded_and_nested_example_out (at::Tensor &out, const at::Tensor &padded, const at::Tensor &nt_example) |
|
at::Tensor & | at::_nested_from_padded_and_nested_example_outf (const at::Tensor &padded, const at::Tensor &nt_example, at::Tensor &out) |
|
at::Tensor & | at::_nested_view_from_buffer_copy_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets) |
|
at::Tensor & | at::_nested_view_from_buffer_copy_outf (const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets, at::Tensor &out) |
|
at::Tensor & | at::_trilinear_out (at::Tensor &out, const at::Tensor &i1, const at::Tensor &i2, const at::Tensor &i3, at::IntArrayRef expand1, at::IntArrayRef expand2, at::IntArrayRef expand3, at::IntArrayRef sumdim, int64_t unroll_dim=1) |
|
at::Tensor & | at::_trilinear_outf (const at::Tensor &i1, const at::Tensor &i2, const at::Tensor &i3, at::IntArrayRef expand1, at::IntArrayRef expand2, at::IntArrayRef expand3, at::IntArrayRef sumdim, int64_t unroll_dim, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_unique_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, bool sorted=true, bool return_inverse=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_unique_outf (const at::Tensor &self, bool sorted, bool return_inverse, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_dim_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, int64_t dim, bool sorted=true, bool return_inverse=false, bool return_counts=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_dim_outf (const at::Tensor &self, int64_t dim, bool sorted, bool return_inverse, bool return_counts, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_consecutive_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, bool return_inverse=false, bool return_counts=false, c10::optional< int64_t > dim=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_consecutive_outf (const at::Tensor &self, bool return_inverse, bool return_counts, c10::optional< int64_t > dim, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_dim_consecutive_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, int64_t dim, bool return_inverse=false, bool return_counts=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::unique_dim_consecutive_outf (const at::Tensor &self, int64_t dim, bool return_inverse, bool return_counts, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_unique2_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &self, bool sorted=true, bool return_inverse=false, bool return_counts=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_unique2_outf (const at::Tensor &self, bool sorted, bool return_inverse, bool return_counts, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::_unsafe_view_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_unsafe_view_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::_unsafe_view_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_unsafe_view_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::_unsafe_view_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_unsafe_view_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor & | at::_unsafe_view_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_unsafe_view_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::var_mean_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< int64_t > correction=c10::nullopt, bool keepdim=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::var_mean_outf (const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_weight_norm_interface_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &v, const at::Tensor &g, int64_t dim=0) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_weight_norm_interface_outf (const at::Tensor &v, const at::Tensor &g, int64_t dim, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_weight_norm_interface_backward_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &grad_w, const at::Tensor &saved_v, const at::Tensor &saved_g, const at::Tensor &saved_norms, int64_t dim) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_weight_norm_interface_backward_outf (const at::Tensor &grad_w, const at::Tensor &saved_v, const at::Tensor &saved_g, const at::Tensor &saved_norms, int64_t dim, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::zeros_out (at::Tensor &out, at::IntArrayRef size, c10::optional< at::DimnameList > names) |
|
at::Tensor & | at::zeros_outf (at::IntArrayRef size, c10::optional< at::DimnameList > names, at::Tensor &out) |
|
at::Tensor & | at::_efficientzerotensor_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::_efficientzerotensor_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::zeros_like_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::zeros_like_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
at::Tensor & | at::_standard_gamma_grad_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &output) |
|
at::Tensor & | at::_standard_gamma_grad_outf (const at::Tensor &self, const at::Tensor &output, at::Tensor &out) |
|
at::Tensor & | at::_standard_gamma_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::_standard_gamma_outf (const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::_dirichlet_grad_out (at::Tensor &out, const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total) |
|
at::Tensor & | at::_dirichlet_grad_outf (const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total, at::Tensor &out) |
|
at::Tensor & | at::_sample_dirichlet_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::_sample_dirichlet_outf (const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::poisson_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::poisson_outf (const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::binomial_out (at::Tensor &out, const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::binomial_outf (const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor & | at::native_norm_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &p=2) |
|
at::Tensor & | at::native_norm_outf (const at::Tensor &self, const at::Scalar &p, at::Tensor &out) |
|
at::Tensor & | at::native_norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype) |
|
at::Tensor & | at::native_norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::_sparse_sum_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor & | at::_sparse_sum_outf (const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out) |
|
at::Tensor & | at::_sparse_sum_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor & | at::_sparse_sum_backward_outf (const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out) |
|
at::Tensor & | at::_sparse_csr_sum_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::_sparse_csr_sum_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::_sparse_csr_prod_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::_sparse_csr_prod_outf (const at::Tensor &self, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::_sparse_softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_sparse_softmax_outf (const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out) |
|
at::Tensor & | at::_sparse_softmax_backward_data_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self) |
|
at::Tensor & | at::_sparse_softmax_backward_data_outf (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_sparse_log_softmax_out (at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float) |
|
at::Tensor & | at::_sparse_log_softmax_outf (const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out) |
|
at::Tensor & | at::_sparse_log_softmax_backward_data_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self) |
|
at::Tensor & | at::_sparse_log_softmax_backward_data_outf (const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_spdiags_out (at::Tensor &out, const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout=c10::nullopt) |
|
at::Tensor & | at::_spdiags_outf (const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout, at::Tensor &out) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::ScalarType dtype) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const c10::optional< at::Scalar > &p, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::norm_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &p=2) |
|
at::Tensor & | at::norm_outf (const at::Tensor &self, const at::Scalar &p, at::Tensor &out) |
|
at::Tensor & | at::clone_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::clone_outf (const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
const at::Tensor & | at::resize_as_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::resize_as_outf (const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out) |
|
at::Tensor | at::resize_as (const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
const at::Tensor & | at::resize_as_sparse_out (const at::Tensor &out, const at::Tensor &self, const at::Tensor &the_template) |
|
const at::Tensor & | at::resize_as_sparse_outf (const at::Tensor &self, const at::Tensor &the_template, const at::Tensor &out) |
|
at::Tensor | at::resize_as_sparse (const at::Tensor &self, const at::Tensor &the_template) |
|
at::Tensor & | at::zero_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::zero_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::zero (const at::Tensor &self) |
|
at::Tensor & | at::sub_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::sub_outf (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::rsub_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::rsub_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::rsub_out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha=1) |
|
at::Tensor & | at::rsub_outf (const at::Tensor &self, const at::Scalar &other, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::_sparse_addmm_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1) |
|
at::Tensor & | at::_sparse_addmm_outf (const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta, const at::Scalar &alpha, at::Tensor &out) |
|
at::Tensor & | at::sparse_coo_tensor_out (at::Tensor &out, at::IntArrayRef size) |
|
at::Tensor & | at::sparse_coo_tensor_outf (at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_out (at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_outf (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_and_tensors_out (at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_sparse_coo_tensor_with_dims_and_tensors_out (at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_and_tensors_outf (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_sparse_coo_tensor_with_dims_and_tensors_outf (int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::Tensor &out) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_and_tensors_symint_out (at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_sparse_coo_tensor_with_dims_and_tensors_out (at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values) |
|
at::Tensor & | at::_sparse_coo_tensor_with_dims_and_tensors_symint_outf (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_sparse_coo_tensor_with_dims_and_tensors_outf (int64_t sparse_dim, int64_t dense_dim, c10::SymIntArrayRef size, const at::Tensor &indices, const at::Tensor &values, at::Tensor &out) |
|
const at::Tensor & | at::sparse_resize_out (const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim) |
|
const at::Tensor & | at::sparse_resize_outf (const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim, const at::Tensor &out) |
|
at::Tensor | at::sparse_resize (const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim) |
|
const at::Tensor & | at::sparse_resize_and_clear_out (const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim) |
|
const at::Tensor & | at::sparse_resize_and_clear_outf (const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim, const at::Tensor &out) |
|
at::Tensor | at::sparse_resize_and_clear (const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim) |
|
at::Tensor & | at::sparse_mask_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask) |
|
at::Tensor & | at::sparse_mask_outf (const at::Tensor &self, const at::Tensor &mask, at::Tensor &out) |
|
at::Tensor & | at::_to_dense_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::_to_dense_outf (const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::_coalesce_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_coalesce_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_coalesced_out (at::Tensor &out, const at::Tensor &self, bool coalesced) |
|
at::Tensor & | at::_coalesced_outf (const at::Tensor &self, bool coalesced, at::Tensor &out) |
|
at::Tensor | at::_coalesced (const at::Tensor &self, bool coalesced) |
|
at::Tensor & | at::copy_sparse_to_sparse_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &src, bool non_blocking=false) |
|
at::Tensor & | at::copy_sparse_to_sparse_outf (const at::Tensor &self, const at::Tensor &src, bool non_blocking, at::Tensor &out) |
|
at::Tensor | at::copy_sparse_to_sparse (const at::Tensor &self, const at::Tensor &src, bool non_blocking=false) |
|
at::Tensor & | at::to_sparse_out (at::Tensor &out, const at::Tensor &self, int64_t sparse_dim) |
|
at::Tensor & | at::to_sparse_outf (const at::Tensor &self, int64_t sparse_dim, at::Tensor &out) |
|
at::Tensor & | at::to_sparse_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Layout > layout=c10::nullopt, at::OptionalIntArrayRef blocksize=c10::nullopt, c10::optional< int64_t > dense_dim=c10::nullopt) |
|
at::Tensor & | at::to_sparse_outf (const at::Tensor &self, c10::optional< at::Layout > layout, at::OptionalIntArrayRef blocksize, c10::optional< int64_t > dense_dim, at::Tensor &out) |
|
at::Tensor & | at::to_sparse_csr_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dense_dim=c10::nullopt) |
|
at::Tensor & | at::to_sparse_csr_outf (const at::Tensor &self, c10::optional< int64_t > dense_dim, at::Tensor &out) |
|
at::Tensor & | at::to_sparse_csc_out (at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dense_dim=c10::nullopt) |
|
at::Tensor & | at::to_sparse_csc_outf (const at::Tensor &self, c10::optional< int64_t > dense_dim, at::Tensor &out) |
|
at::Tensor & | at::to_sparse_bsr_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim=c10::nullopt) |
|
at::Tensor & | at::to_sparse_bsr_outf (const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim, at::Tensor &out) |
|
at::Tensor & | at::to_sparse_bsc_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim=c10::nullopt) |
|
at::Tensor & | at::to_sparse_bsc_outf (const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim, at::Tensor &out) |
|
at::Tensor & | at::to_mkldnn_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt) |
|
at::Tensor & | at::to_mkldnn_outf (const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_reorder_conv2d_weight_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding=0, at::IntArrayRef stride=1, at::IntArrayRef dilation=1, int64_t groups=1, at::OptionalIntArrayRef input_size=c10::nullopt) |
|
at::Tensor & | at::mkldnn_reorder_conv2d_weight_outf (const at::Tensor &self, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::OptionalIntArrayRef input_size, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_reorder_conv3d_weight_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding=0, at::IntArrayRef stride=1, at::IntArrayRef dilation=1, int64_t groups=1) |
|
at::Tensor & | at::mkldnn_reorder_conv3d_weight_outf (const at::Tensor &self, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out) |
|
at::Tensor & | at::quantize_per_tensor_dynamic_out (at::Tensor &out, const at::Tensor &self, at::ScalarType dtype, bool reduce_range) |
|
at::Tensor & | at::quantize_per_tensor_dynamic_outf (const at::Tensor &self, at::ScalarType dtype, bool reduce_range, at::Tensor &out) |
|
at::Tensor & | at::quantize_per_tensor_out (at::Tensor &out, const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype) |
|
at::Tensor & | at::quantize_per_tensor_outf (const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::quantize_per_tensor_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, at::ScalarType dtype) |
|
at::Tensor & | at::quantize_per_tensor_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, at::ScalarType dtype, at::Tensor &out) |
|
void | at::quantize_per_tensor_out (at::TensorList out, at::TensorList tensors, const at::Tensor &scales, const at::Tensor &zero_points, at::ScalarType dtype) |
|
void | at::quantize_per_tensor_outf (at::TensorList tensors, const at::Tensor &scales, const at::Tensor &zero_points, at::ScalarType dtype, at::TensorList out) |
|
at::Tensor & | at::quantize_per_channel_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, at::ScalarType dtype) |
|
at::Tensor & | at::quantize_per_channel_outf (const at::Tensor &self, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::dequantize_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::dequantize_outf (const at::Tensor &self, at::Tensor &out) |
|
void | at::dequantize_out (at::TensorList out, at::TensorList tensors) |
|
void | at::dequantize_outf (at::TensorList tensors, at::TensorList out) |
|
at::Tensor & | at::q_per_channel_scales_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::q_per_channel_scales_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::q_per_channel_zero_points_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::q_per_channel_zero_points_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::int_repr_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::int_repr_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_make_per_tensor_quantized_tensor_out (at::Tensor &out, const at::Tensor &self, double scale, int64_t zero_point) |
|
at::Tensor & | at::_make_per_tensor_quantized_tensor_outf (const at::Tensor &self, double scale, int64_t zero_point, at::Tensor &out) |
|
at::Tensor & | at::_make_per_channel_quantized_tensor_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis) |
|
at::Tensor & | at::_make_per_channel_quantized_tensor_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fake_quantize_per_tensor_affine_cachemask_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fake_quantize_per_tensor_affine_cachemask_outf (const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, const at::Tensor &fake_quant_enabled, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, const at::Tensor &fake_quant_enabled, int64_t quant_min, int64_t quant_max, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_fake_quantize_learnable_per_tensor_affine_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
at::Tensor & | at::_fake_quantize_learnable_per_tensor_affine_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t quant_min, int64_t quant_max, double grad_factor, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fake_quantize_per_channel_affine_cachemask_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::fake_quantize_per_channel_affine_cachemask_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_fake_quantize_learnable_per_channel_affine_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, double grad_factor=1.0) |
|
at::Tensor & | at::_fake_quantize_learnable_per_channel_affine_outf (const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, double grad_factor, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fused_moving_avg_obs_fq_helper_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, const at::Tensor &observer_on, const at::Tensor &fake_quant_on, at::Tensor &running_min, at::Tensor &running_max, at::Tensor &scale, at::Tensor &zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, bool per_row_fake_quant=false, bool symmetric_quant=false) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_fused_moving_avg_obs_fq_helper_outf (const at::Tensor &self, const at::Tensor &observer_on, const at::Tensor &fake_quant_on, at::Tensor &running_min, at::Tensor &running_max, at::Tensor &scale, at::Tensor &zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, bool per_row_fake_quant, bool symmetric_quant, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > | at::_fused_moving_avg_obs_fq_helper_functional (const at::Tensor &self, const at::Tensor &observer_on, const at::Tensor &fake_quant_on, const at::Tensor &running_min, const at::Tensor &running_max, const at::Tensor &scale, const at::Tensor &zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, bool per_row_fake_quant=false, bool symmetric_quant=false) |
|
at::Tensor & | at::_to_copy_out (at::Tensor &out, const at::Tensor &self, bool non_blocking=false, c10::optional< at::MemoryFormat > memory_format=c10::nullopt) |
|
at::Tensor & | at::_to_copy_outf (const at::Tensor &self, bool non_blocking, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_lstm_mps_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, at::Tensor &out5, const at::Tensor &input, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_lstm_mps_outf (const at::Tensor &input, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, at::Tensor &out5) |
|
void | at::lstm_mps_backward_out (at::Tensor &out0, at::TensorList out1, at::TensorList out2, const at::Tensor &grad_y, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &z_state, const at::Tensor &cell_state_fwd, const at::Tensor &input, const at::Tensor &layersOutputs, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first) |
|
void | at::lstm_mps_backward_outf (const at::Tensor &grad_y, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &z_state, const at::Tensor &cell_state_fwd, const at::Tensor &input, const at::Tensor &layersOutputs, at::TensorList hx, at::TensorList params, bool has_biases, int64_t num_layers, double dropout, bool train, bool bidirectional, bool batch_first, at::Tensor &out0, at::TensorList out1, at::TensorList out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_lstm_cell_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &cx, const c10::optional< at::Tensor > &input_bias={}, const c10::optional< at::Tensor > &hidden_bias={}) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_lstm_cell_outf (const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &cx, const c10::optional< at::Tensor > &input_bias, const c10::optional< at::Tensor > &hidden_bias, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_lstm_cell_backward_impl_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &cx, const at::Tensor &cy, const at::Tensor &workspace, bool has_bias) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_lstm_cell_backward_impl_outf (const c10::optional< at::Tensor > &grad_hy, const c10::optional< at::Tensor > &grad_cy, const at::Tensor &cx, const at::Tensor &cy, const at::Tensor &workspace, bool has_bias, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_thnn_fused_gru_cell_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &hx, const c10::optional< at::Tensor > &input_bias={}, const c10::optional< at::Tensor > &hidden_bias={}) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_thnn_fused_gru_cell_outf (const at::Tensor &input_gates, const at::Tensor &hidden_gates, const at::Tensor &hx, const c10::optional< at::Tensor > &input_bias, const c10::optional< at::Tensor > &hidden_bias, at::Tensor &out0, at::Tensor &out1) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_gru_cell_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4, const at::Tensor &grad_hy, const at::Tensor &workspace, bool has_bias) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_thnn_fused_gru_cell_backward_outf (const at::Tensor &grad_hy, const at::Tensor &workspace, bool has_bias, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, at::Tensor &out4) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_pack_padded_sequence_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, const at::Tensor &lengths, bool batch_first) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_pack_padded_sequence_outf (const at::Tensor &input, const at::Tensor &lengths, bool batch_first, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::set_out (at::Tensor &out, const at::Tensor &self, at::Storage source) |
|
at::Tensor & | at::set_outf (const at::Tensor &self, at::Storage source, at::Tensor &out) |
|
at::Tensor | at::set (const at::Tensor &self, at::Storage source) |
|
at::Tensor & | at::set_out (at::Tensor &out, const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::set_out (at::Tensor &out, const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
at::Tensor & | at::set_outf (const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::set_outf (const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::set_symint_out (at::Tensor &out, const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::set_out (at::Tensor &out, const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
at::Tensor & | at::set_symint_outf (const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::set_outf (const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
at::Tensor | at::set (const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor | at::symint::set (const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={}) |
|
at::Tensor | at::set_symint (const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor | at::symint::set (const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={}) |
|
at::Tensor & | at::set_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &source) |
|
at::Tensor & | at::set_outf (const at::Tensor &self, const at::Tensor &source, at::Tensor &out) |
|
at::Tensor | at::set (const at::Tensor &self, const at::Tensor &source) |
|
at::Tensor & | at::set_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::set_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor | at::set (const at::Tensor &self) |
|
at::Tensor & | at::lift_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::lift_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::lift_fresh_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::lift_fresh_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::masked_fill_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value) |
|
at::Tensor & | at::masked_fill_outf (const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::masked_fill_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, const at::Tensor &value) |
|
at::Tensor & | at::masked_fill_outf (const at::Tensor &self, const at::Tensor &mask, const at::Tensor &value, at::Tensor &out) |
|
at::Tensor & | at::masked_scatter_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source) |
|
at::Tensor & | at::masked_scatter_outf (const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source, at::Tensor &out) |
|
at::Tensor & | at::_masked_softmax_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > mask_type=c10::nullopt) |
|
at::Tensor & | at::_masked_softmax_outf (const at::Tensor &self, const at::Tensor &mask, c10::optional< int64_t > dim, c10::optional< int64_t > mask_type, at::Tensor &out) |
|
at::Tensor & | at::_masked_softmax_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &mask, c10::optional< int64_t > dim=c10::nullopt) |
|
at::Tensor & | at::_masked_softmax_backward_outf (const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &mask, c10::optional< int64_t > dim, at::Tensor &out) |
|
at::Tensor & | at::put_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate=false) |
|
at::Tensor & | at::put_outf (const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate, at::Tensor &out) |
|
at::Tensor & | at::index_fill_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value) |
|
at::Tensor & | at::index_fill_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, at::Tensor &out) |
|
at::Tensor & | at::index_fill_out (at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &value) |
|
at::Tensor & | at::index_fill_outf (const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &value, at::Tensor &out) |
|
at::Tensor & | at::bitwise_and_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_and_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_or_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_or_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_xor_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_xor_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::__lshift___out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::__lshift___outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor & | at::__lshift___out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::__lshift___outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_left_shift_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_left_shift_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::__rshift___out (at::Tensor &out, const at::Tensor &self, const at::Scalar &other) |
|
at::Tensor & | at::__rshift___outf (const at::Tensor &self, const at::Scalar &other, at::Tensor &out) |
|
at::Tensor & | at::__rshift___out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other) |
|
at::Tensor & | at::__rshift___outf (const at::Tensor &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::bitwise_right_shift_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::bitwise_right_shift_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::random_out (at::Tensor &out, const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::random_outf (const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::random (const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::random_out (at::Tensor &out, const at::Tensor &self, int64_t to, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::random_outf (const at::Tensor &self, int64_t to, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::random (const at::Tensor &self, int64_t to, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::random_out (at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::random_outf (const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::random (const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::uniform_out (at::Tensor &out, const at::Tensor &self, double from=0, double to=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::uniform_outf (const at::Tensor &self, double from, double to, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::uniform (const at::Tensor &self, double from=0, double to=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::cauchy_out (at::Tensor &out, const at::Tensor &self, double median=0, double sigma=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::cauchy_outf (const at::Tensor &self, double median, double sigma, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::cauchy (const at::Tensor &self, double median=0, double sigma=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::log_normal_out (at::Tensor &out, const at::Tensor &self, double mean=1, double std=2, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::log_normal_outf (const at::Tensor &self, double mean, double std, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::log_normal (const at::Tensor &self, double mean=1, double std=2, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::exponential_out (at::Tensor &out, const at::Tensor &self, double lambd=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::exponential_outf (const at::Tensor &self, double lambd, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::exponential (const at::Tensor &self, double lambd=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::geometric_out (at::Tensor &out, const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::geometric_outf (const at::Tensor &self, double p, c10::optional< at::Generator > generator, at::Tensor &out) |
|
at::Tensor | at::geometric (const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::tril_indices_out (at::Tensor &out, int64_t row, int64_t col, int64_t offset=0) |
|
at::Tensor & | at::tril_indices_outf (int64_t row, int64_t col, int64_t offset, at::Tensor &out) |
|
at::Tensor & | at::triu_indices_out (at::Tensor &out, int64_t row, int64_t col, int64_t offset=0) |
|
at::Tensor & | at::triu_indices_outf (int64_t row, int64_t col, int64_t offset, at::Tensor &out) |
|
at::Tensor & | at::trace_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::trace_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_cholesky_solve_helper_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &A, bool upper) |
|
at::Tensor & | at::_cholesky_solve_helper_outf (const at::Tensor &self, const at::Tensor &A, bool upper, at::Tensor &out) |
|
at::Tensor & | at::dist_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &p=2) |
|
at::Tensor & | at::dist_outf (const at::Tensor &self, const at::Tensor &other, const at::Scalar &p, at::Tensor &out) |
|
void | at::_histogramdd_bin_edges_out (at::TensorList out, const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
void | at::_histogramdd_bin_edges_outf (const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range, const c10::optional< at::Tensor > &weight, bool density, at::TensorList out) |
|
at::Tensor & | at::_histogramdd_from_bin_cts_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range=c10::nullopt, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
at::Tensor & | at::_histogramdd_from_bin_cts_outf (const at::Tensor &self, at::IntArrayRef bins, c10::optional< at::ArrayRef< double > > range, const c10::optional< at::Tensor > &weight, bool density, at::Tensor &out) |
|
at::Tensor & | at::_histogramdd_from_bin_tensors_out (at::Tensor &out, const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight={}, bool density=false) |
|
at::Tensor & | at::_histogramdd_from_bin_tensors_outf (const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight, bool density, at::Tensor &out) |
|
at::Tensor & | at::remainder_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &other) |
|
at::Tensor & | at::remainder_outf (const at::Scalar &self, const at::Tensor &other, at::Tensor &out) |
|
at::Tensor & | at::argsort_out (at::Tensor &out, const at::Tensor &self, bool stable, int64_t dim=-1, bool descending=false) |
|
at::Tensor & | at::argsort_outf (const at::Tensor &self, bool stable, int64_t dim, bool descending, at::Tensor &out) |
|
at::Tensor & | at::unfold_backward_out (at::Tensor &out, const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::unfold_backward_out (at::Tensor &out, const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
at::Tensor & | at::unfold_backward_outf (const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::unfold_backward_outf (const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::unfold_backward_symint_out (at::Tensor &out, const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::unfold_backward_out (at::Tensor &out, const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step) |
|
at::Tensor & | at::unfold_backward_symint_outf (const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::unfold_backward_outf (const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::normal_out (at::Tensor &out, const at::Tensor &self, double mean=0, double std=1, c10::optional< at::Generator > generator=c10::nullopt) |
|
at::Tensor & | at::normal_outf (const at::Tensor &self, double mean, double std, c10::optional< at::Generator > generator, at::Tensor &out) |
|
void | at::_amp_foreach_non_finite_check_and_unscale_out (at::TensorList out, at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale) |
|
void | at::_amp_foreach_non_finite_check_and_unscale_outf (at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale, at::TensorList out) |
|
inline ::std::tuple<::std::vector< at::Tensor >, at::Tensor > | at::_amp_foreach_non_finite_check_and_unscale (at::TensorList self, const at::Tensor &found_inf, const at::Tensor &inv_scale) |
|
at::Tensor & | at::_amp_update_scale_out (at::Tensor &out, const at::Tensor &self, at::Tensor &growth_tracker, const at::Tensor &found_inf, double scale_growth_factor, double scale_backoff_factor, int64_t growth_interval) |
|
at::Tensor & | at::_amp_update_scale_outf (const at::Tensor &self, at::Tensor &growth_tracker, const at::Tensor &found_inf, double scale_growth_factor, double scale_backoff_factor, int64_t growth_interval, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor, at::Tensor > | at::_amp_update_scale (const at::Tensor &self, const at::Tensor &growth_tracker, const at::Tensor &found_inf, double scale_growth_factor, double scale_backoff_factor, int64_t growth_interval) |
|
void | at::_foreach_add_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_add_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_sub_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_sub_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_mul_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_mul_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_div_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_div_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_clamp_min_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_clamp_min_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_clamp_max_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_clamp_max_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_maximum_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_maximum_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_minimum_out (at::TensorList out, at::TensorList self, const at::Scalar &scalar) |
|
void | at::_foreach_minimum_outf (at::TensorList self, const at::Scalar &scalar, at::TensorList out) |
|
void | at::_foreach_add_out (at::TensorList out, at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
void | at::_foreach_add_outf (at::TensorList self, at::TensorList other, const at::Scalar &alpha, at::TensorList out) |
|
void | at::_foreach_sub_out (at::TensorList out, at::TensorList self, at::TensorList other, const at::Scalar &alpha=1) |
|
void | at::_foreach_sub_outf (at::TensorList self, at::TensorList other, const at::Scalar &alpha, at::TensorList out) |
|
void | at::_foreach_mul_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_mul_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_div_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_div_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_clamp_min_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_clamp_min_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_clamp_max_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_clamp_max_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_maximum_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_maximum_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_minimum_out (at::TensorList out, at::TensorList self, at::TensorList other) |
|
void | at::_foreach_minimum_outf (at::TensorList self, at::TensorList other, at::TensorList out) |
|
void | at::_foreach_add_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_add_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_sub_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_sub_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_div_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_div_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_mul_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_mul_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_clamp_min_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_clamp_min_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_clamp_max_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_clamp_max_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_maximum_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_maximum_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_minimum_out (at::TensorList out, at::TensorList self, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_minimum_outf (at::TensorList self, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_exp_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_exp_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_zero_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_zero_outf (at::TensorList self, at::TensorList out) |
|
inline ::std::vector< at::Tensor > | at::_foreach_zero (at::TensorList self) |
|
void | at::_foreach_sqrt_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_sqrt_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_abs_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_abs_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_acos_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_acos_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_asin_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_asin_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_atan_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_atan_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_ceil_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_ceil_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_cos_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_cos_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_cosh_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_cosh_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_erf_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_erf_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_erfc_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_erfc_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_expm1_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_expm1_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_floor_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_floor_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_log_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_log_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_log10_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_log10_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_log1p_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_log1p_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_log2_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_log2_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_neg_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_neg_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_tan_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_tan_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_tanh_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_tanh_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_sin_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_sin_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_sinh_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_sinh_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_round_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_round_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_lgamma_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_lgamma_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_frac_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_frac_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_reciprocal_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_reciprocal_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_sigmoid_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_sigmoid_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_trunc_out (at::TensorList out, at::TensorList self) |
|
void | at::_foreach_trunc_outf (at::TensorList self, at::TensorList out) |
|
void | at::_foreach_addcdiv_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
void | at::_foreach_addcdiv_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value, at::TensorList out) |
|
void | at::_foreach_addcmul_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1) |
|
void | at::_foreach_addcmul_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value, at::TensorList out) |
|
void | at::_foreach_addcdiv_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_addcdiv_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_addcdiv_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
void | at::_foreach_addcdiv_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars, at::TensorList out) |
|
void | at::_foreach_addcmul_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars) |
|
void | at::_foreach_addcmul_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, at::ArrayRef< at::Scalar > scalars, at::TensorList out) |
|
void | at::_foreach_addcmul_out (at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars) |
|
void | at::_foreach_addcmul_outf (at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Tensor &scalars, at::TensorList out) |
|
void | at::_foreach_norm_out (at::TensorList out, at::TensorList self, const at::Scalar &ord=2) |
|
void | at::_foreach_norm_outf (at::TensorList self, const at::Scalar &ord, at::TensorList out) |
|
void | at::_foreach_lerp_out (at::TensorList out, at::TensorList self, at::TensorList tensors1, at::TensorList weights) |
|
void | at::_foreach_lerp_outf (at::TensorList self, at::TensorList tensors1, at::TensorList weights, at::TensorList out) |
|
void | at::_foreach_lerp_out (at::TensorList out, at::TensorList self, at::TensorList tensors1, const at::Scalar &weight) |
|
void | at::_foreach_lerp_outf (at::TensorList self, at::TensorList tensors1, const at::Scalar &weight, at::TensorList out) |
|
at::Tensor & | at::bucketize_out (at::Tensor &out, const at::Scalar &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false) |
|
at::Tensor & | at::bucketize_outf (const at::Scalar &self, const at::Tensor &boundaries, bool out_int32, bool right, at::Tensor &out) |
|
at::Tensor & | at::searchsorted_out (at::Tensor &out, const at::Tensor &sorted_sequence, const at::Scalar &self, bool out_int32=false, bool right=false, c10::optional< c10::string_view > side=c10::nullopt, const c10::optional< at::Tensor > &sorter={}) |
|
at::Tensor & | at::searchsorted_outf (const at::Tensor &sorted_sequence, const at::Scalar &self, bool out_int32, bool right, c10::optional< c10::string_view > side, const c10::optional< at::Tensor > &sorter, at::Tensor &out) |
|
at::Tensor & | at::glu_jvp_out (at::Tensor &out, const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim) |
|
at::Tensor & | at::glu_jvp_outf (const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim, at::Tensor &out) |
|
at::Tensor & | at::glu_backward_jvp_out (at::Tensor &out, const at::Tensor &grad_x, const at::Tensor &grad_glu, const at::Tensor &x, const at::Tensor &dgrad_glu, const at::Tensor &dx, int64_t dim) |
|
at::Tensor & | at::glu_backward_jvp_outf (const at::Tensor &grad_x, const at::Tensor &grad_glu, const at::Tensor &x, const at::Tensor &dgrad_glu, const at::Tensor &dx, int64_t dim, at::Tensor &out) |
|
at::Tensor & | at::hardswish_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::hardswish_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::rrelu_with_noise_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower, const at::Scalar &upper, bool training, bool self_is_result) |
|
at::Tensor & | at::rrelu_with_noise_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &noise, const at::Scalar &lower, const at::Scalar &upper, bool training, bool self_is_result, at::Tensor &out) |
|
at::Tensor & | at::mkldnn_adaptive_avg_pool2d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::mkldnn_adaptive_avg_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::_adaptive_avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool2d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool2d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool2d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor & | at::_adaptive_avg_pool2d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool2d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool2d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::_adaptive_avg_pool2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size) |
|
at::Tensor & | at::_adaptive_avg_pool3d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool3d_outf (const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool3d_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool3d_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size) |
|
at::Tensor & | at::_adaptive_avg_pool3d_symint_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_adaptive_avg_pool3d_outf (const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::_adaptive_avg_pool3d_backward_out (at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self) |
|
at::Tensor & | at::_adaptive_avg_pool3d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_slow_conv2d_backward_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, ::std::array< bool, 3 > output_mask) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_slow_conv2d_backward_outf (const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, at::IntArrayRef stride, at::IntArrayRef padding, ::std::array< bool, 3 > output_mask, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
at::Tensor & | at::conv_depthwise3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::conv_depthwise3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor & | at::conv_depthwise3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::conv_depthwise3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::conv_depthwise3d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::conv_depthwise3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation) |
|
at::Tensor & | at::conv_depthwise3d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::conv_depthwise3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_dilated2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_dilated2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_dilated2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_dilated2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_dilated2d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_dilated2d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_dilated2d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_dilated2d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_dilated3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_dilated3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, at::IntArrayRef padding=0, at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_dilated3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slow_conv_dilated3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, at::IntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::slow_conv_dilated3d_symint_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_dilated3d_out (at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias={}, at::IntArrayRef stride=1, c10::SymIntArrayRef padding=c10::SymInt(0), at::IntArrayRef dilation=1) |
|
at::Tensor & | at::slow_conv_dilated3d_symint_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slow_conv_dilated3d_outf (const at::Tensor &self, const at::Tensor &weight, at::IntArrayRef kernel_size, const c10::optional< at::Tensor > &bias, at::IntArrayRef stride, c10::SymIntArrayRef padding, at::IntArrayRef dilation, at::Tensor &out) |
|
at::Tensor & | at::isinf_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::isinf_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::linalg_matrix_exp_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::linalg_matrix_exp_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_test_optional_intlist_out (at::Tensor &out, const at::Tensor &values, at::OptionalIntArrayRef addends) |
|
at::Tensor & | at::_test_optional_intlist_outf (const at::Tensor &values, at::OptionalIntArrayRef addends, at::Tensor &out) |
|
at::Tensor & | at::_test_optional_filled_intlist_out (at::Tensor &out, const at::Tensor &values, at::OptionalIntArrayRef addends) |
|
at::Tensor & | at::_test_optional_filled_intlist_outf (const at::Tensor &values, at::OptionalIntArrayRef addends, at::Tensor &out) |
|
at::Tensor & | at::_test_optional_floatlist_out (at::Tensor &out, const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends) |
|
at::Tensor & | at::_test_optional_floatlist_outf (const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends, at::Tensor &out) |
|
at::Tensor & | at::_test_warn_in_autograd_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_test_warn_in_autograd_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_test_autograd_multiple_dispatch_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_test_autograd_multiple_dispatch_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_test_autograd_multiple_dispatch_view_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_test_autograd_multiple_dispatch_view_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::segment_reduce_out (at::Tensor &out, const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths={}, const c10::optional< at::Tensor > &indices={}, const c10::optional< at::Tensor > &offsets={}, int64_t axis=0, bool unsafe=false, const c10::optional< at::Scalar > &initial=c10::nullopt) |
|
at::Tensor & | at::segment_reduce_outf (const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths, const c10::optional< at::Tensor > &indices, const c10::optional< at::Tensor > &offsets, int64_t axis, bool unsafe, const c10::optional< at::Scalar > &initial, at::Tensor &out) |
|
at::Tensor & | at::_segment_reduce_backward_out (at::Tensor &out, const at::Tensor &grad, const at::Tensor &output, const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths={}, const c10::optional< at::Tensor > &offsets={}, int64_t axis=0, const c10::optional< at::Scalar > &initial=c10::nullopt) |
|
at::Tensor & | at::_segment_reduce_backward_outf (const at::Tensor &grad, const at::Tensor &output, const at::Tensor &data, c10::string_view reduce, const c10::optional< at::Tensor > &lengths, const c10::optional< at::Tensor > &offsets, int64_t axis, const c10::optional< at::Scalar > &initial, at::Tensor &out) |
|
at::Tensor & | at::_nested_tensor_from_tensor_list_out (at::Tensor &out, at::TensorList list, c10::optional< at::ScalarType > dtype=c10::nullopt, c10::optional< at::Layout > layout=c10::nullopt, c10::optional< at::Device > device=c10::nullopt, c10::optional< bool > pin_memory=c10::nullopt) |
|
at::Tensor & | at::_nested_tensor_from_tensor_list_outf (at::TensorList list, c10::optional< at::ScalarType > dtype, c10::optional< at::Layout > layout, c10::optional< at::Device > device, c10::optional< bool > pin_memory, at::Tensor &out) |
|
at::Tensor & | at::_fw_primal_copy_out (at::Tensor &out, const at::Tensor &self, int64_t level) |
|
at::Tensor & | at::_fw_primal_copy_outf (const at::Tensor &self, int64_t level, at::Tensor &out) |
|
at::Tensor & | at::_make_dual_copy_out (at::Tensor &out, const at::Tensor &primal, const at::Tensor &tangent, int64_t level) |
|
at::Tensor & | at::_make_dual_copy_outf (const at::Tensor &primal, const at::Tensor &tangent, int64_t level, at::Tensor &out) |
|
at::Tensor & | at::view_as_real_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::view_as_real_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::view_as_complex_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::view_as_complex_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_conj_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_conj_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_neg_view_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_neg_view_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::as_strided_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::as_strided_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt) |
|
at::Tensor & | at::as_strided_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::as_strided_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out) |
|
at::Tensor & | at::as_strided_copy_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::as_strided_copy_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt) |
|
at::Tensor & | at::as_strided_copy_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::as_strided_copy_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset, at::Tensor &out) |
|
at::Tensor & | at::_sparse_broadcast_to_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::_sparse_broadcast_to_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::diagonal_copy_out (at::Tensor &out, const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1) |
|
at::Tensor & | at::diagonal_copy_outf (const at::Tensor &self, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out) |
|
at::Tensor & | at::expand_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, bool implicit=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::expand_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, bool implicit=false) |
|
at::Tensor & | at::expand_copy_outf (const at::Tensor &self, at::IntArrayRef size, bool implicit, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::expand_copy_outf (const at::Tensor &self, at::IntArrayRef size, bool implicit, at::Tensor &out) |
|
at::Tensor & | at::expand_copy_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::expand_copy_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false) |
|
at::Tensor & | at::expand_copy_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, bool implicit, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::expand_copy_outf (const at::Tensor &self, c10::SymIntArrayRef size, bool implicit, at::Tensor &out) |
|
at::Tensor & | at::permute_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dims) |
|
at::Tensor & | at::permute_copy_outf (const at::Tensor &self, at::IntArrayRef dims, at::Tensor &out) |
|
at::Tensor & | at::_reshape_alias_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_reshape_alias_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride) |
|
at::Tensor & | at::_reshape_alias_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::_reshape_alias_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::_reshape_alias_copy_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_reshape_alias_copy_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride) |
|
at::Tensor & | at::_reshape_alias_copy_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::_reshape_alias_copy_outf (const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out) |
|
at::Tensor & | at::select_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t index) |
|
at::Tensor & | at::select_copy_outf (const at::Tensor &self, int64_t dim, int64_t index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::select_copy_outf (const at::Tensor &self, int64_t dim, int64_t index, at::Tensor &out) |
|
at::Tensor & | at::select_copy_symint_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt index) |
|
at::Tensor & | at::select_copy_symint_outf (const at::Tensor &self, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::select_copy_outf (const at::Tensor &self, int64_t dim, c10::SymInt index, at::Tensor &out) |
|
at::Tensor & | at::detach_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::detach_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::slice_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim=0, c10::optional< int64_t > start=c10::nullopt, c10::optional< int64_t > end=c10::nullopt, int64_t step=1) |
|
at::Tensor & | at::slice_copy_outf (const at::Tensor &self, int64_t dim, c10::optional< int64_t > start, c10::optional< int64_t > end, int64_t step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::slice_copy_outf (const at::Tensor &self, int64_t dim, c10::optional< int64_t > start, c10::optional< int64_t > end, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::slice_copy_symint_out (at::Tensor &out, const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim=0, c10::optional< c10::SymInt > start=c10::nullopt, c10::optional< c10::SymInt > end=c10::nullopt, c10::SymInt step=1) |
|
at::Tensor & | at::slice_copy_symint_outf (const at::Tensor &self, int64_t dim, c10::optional< c10::SymInt > start, c10::optional< c10::SymInt > end, c10::SymInt step, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::slice_copy_outf (const at::Tensor &self, int64_t dim, c10::optional< c10::SymInt > start, c10::optional< c10::SymInt > end, c10::SymInt step, at::Tensor &out) |
|
at::Tensor & | at::squeeze_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::squeeze_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::squeeze_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::squeeze_copy_outf (const at::Tensor &self, int64_t dim, at::Tensor &out) |
|
at::Tensor & | at::squeeze_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim) |
|
at::Tensor & | at::squeeze_copy_outf (const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out) |
|
at::Tensor & | at::t_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::t_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::transpose_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim0, int64_t dim1) |
|
at::Tensor & | at::transpose_copy_outf (const at::Tensor &self, int64_t dim0, int64_t dim1, at::Tensor &out) |
|
at::Tensor & | at::unsqueeze_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dim) |
|
at::Tensor & | at::unsqueeze_copy_outf (const at::Tensor &self, int64_t dim, at::Tensor &out) |
|
at::Tensor & | at::_indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::_values_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::_values_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::values_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::values_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::crow_indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::crow_indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::col_indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::col_indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::ccol_indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::ccol_indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::row_indices_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::row_indices_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::view_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::view_copy_out (at::Tensor &out, const at::Tensor &self, at::IntArrayRef size) |
|
at::Tensor & | at::view_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::view_copy_outf (const at::Tensor &self, at::IntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::view_copy_symint_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::view_copy_out (at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size) |
|
at::Tensor & | at::view_copy_symint_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::view_copy_outf (const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out) |
|
at::Tensor & | at::view_copy_out (at::Tensor &out, const at::Tensor &self, at::ScalarType dtype) |
|
at::Tensor & | at::view_copy_outf (const at::Tensor &self, at::ScalarType dtype, at::Tensor &out) |
|
at::Tensor & | at::unfold_copy_out (at::Tensor &out, const at::Tensor &self, int64_t dimension, int64_t size, int64_t step) |
|
at::Tensor & | at::unfold_copy_outf (const at::Tensor &self, int64_t dimension, int64_t size, int64_t step, at::Tensor &out) |
|
at::Tensor & | at::alias_copy_out (at::Tensor &out, const at::Tensor &self) |
|
at::Tensor & | at::alias_copy_outf (const at::Tensor &self, at::Tensor &out) |
|
at::Tensor & | at::to_padded_tensor_out (at::Tensor &out, const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::to_padded_tensor_out (at::Tensor &out, const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt) |
|
at::Tensor & | at::to_padded_tensor_outf (const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, int64_t>::value>> |
at::Tensor & | at::symint::to_padded_tensor_outf (const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::to_padded_tensor_symint_out (at::Tensor &out, const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size=c10::nullopt) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::to_padded_tensor_out (at::Tensor &out, const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size=c10::nullopt) |
|
at::Tensor & | at::to_padded_tensor_symint_outf (const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size, at::Tensor &out) |
|
template<typename T , typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>> |
at::Tensor & | at::symint::to_padded_tensor_outf (const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size, at::Tensor &out) |
|
at::Tensor & | at::_transformer_encoder_layer_fwd_out (at::Tensor &out, const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask={}, c10::optional< int64_t > mask_type=c10::nullopt) |
|
at::Tensor & | at::_transformer_encoder_layer_fwd_outf (const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask, c10::optional< int64_t > mask_type, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_native_multi_head_attention_out (at::Tensor &out0, at::Tensor &out1, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}, bool need_weights=true, bool average_attn_weights=true, c10::optional< int64_t > mask_type=c10::nullopt) |
|
inline ::std::tuple< at::Tensor &, at::Tensor & > | at::_native_multi_head_attention_outf (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask, bool need_weights, bool average_attn_weights, c10::optional< int64_t > mask_type, at::Tensor &out0, at::Tensor &out1) |
|
at::Tensor & | at::_triton_scaled_dot_attention_out (at::Tensor &out, const at::Tensor &q, const at::Tensor &k, const at::Tensor &v, double dropout_p=0.0) |
|
at::Tensor & | at::_triton_scaled_dot_attention_outf (const at::Tensor &q, const at::Tensor &k, const at::Tensor &v, double dropout_p, at::Tensor &out) |
|
at::Tensor & | at::_triton_multi_head_attention_out (at::Tensor &out, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}) |
|
at::Tensor & | at::_triton_multi_head_attention_outf (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask, at::Tensor &out) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_transformer_decoder_only_layer_fwd_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask={}, const c10::optional< at::Tensor > &incr_key={}, const c10::optional< at::Tensor > &incr_value={}) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > | at::_transformer_decoder_only_layer_fwd_outf (const at::Tensor &src, int64_t embed_dim, int64_t num_heads, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, bool use_gelu, bool norm_first, double eps, const at::Tensor &norm_weight_1, const at::Tensor &norm_bias_1, const at::Tensor &norm_weight_2, const at::Tensor &norm_bias_2, const at::Tensor &ffn_weight_1, const at::Tensor &ffn_bias_1, const at::Tensor &ffn_weight_2, const at::Tensor &ffn_bias_2, const c10::optional< at::Tensor > &mask, const c10::optional< at::Tensor > &incr_key, const c10::optional< at::Tensor > &incr_value, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_decoder_only_multi_head_attention_out (at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3, const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask={}, const c10::optional< at::Tensor > &incr_key={}, const c10::optional< at::Tensor > &incr_value={}, bool need_weights=true, bool average_attn_weights=true) |
|
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > | at::_native_decoder_only_multi_head_attention_outf (const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, int64_t embed_dim, int64_t num_head, const at::Tensor &qkv_weight, const at::Tensor &qkv_bias, const at::Tensor &proj_weight, const at::Tensor &proj_bias, const c10::optional< at::Tensor > &mask, const c10::optional< at::Tensor > &incr_key, const c10::optional< at::Tensor > &incr_value, bool need_weights, bool average_attn_weights, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2, at::Tensor &out3) |
|
at::Tensor & | at::_foobar_out (at::Tensor &out, const at::Tensor &self, bool arg1=true, bool arg2=true, bool arg3=true) |
|
at::Tensor & | at::_foobar_outf (const at::Tensor &self, bool arg1, bool arg2, bool arg3, at::Tensor &out) |
|
void | at::_fused_adam_out (at::TensorList out, at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
void | at::_fused_adam_outf (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale, const c10::optional< at::Tensor > &found_inf, at::TensorList out) |
|
inline ::std::tuple<::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor > > | at::_fused_adam (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
void | at::_fused_adamw_out (at::TensorList out, at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
void | at::_fused_adamw_outf (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale, const c10::optional< at::Tensor > &found_inf, at::TensorList out) |
|
inline ::std::tuple<::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor > > | at::_fused_adamw (at::TensorList self, at::TensorList grads, at::TensorList exp_avgs, at::TensorList exp_avg_sqs, at::TensorList max_exp_avg_sqs, at::TensorList state_steps, double lr, double beta1, double beta2, double weight_decay, double eps, bool amsgrad, bool maximize, const c10::optional< at::Tensor > &grad_scale={}, const c10::optional< at::Tensor > &found_inf={}) |
|
Tensor | at::var (const Tensor &self, int dim) |
|
std::tuple< Tensor, Tensor > | at::var_mean (const Tensor &self, int dim) |
|
Tensor | at::std (const Tensor &self, int dim) |
|
std::tuple< Tensor, Tensor > | at::std_mean (const Tensor &self, int dim) |
|
int64_t | at::numel (const Tensor &tensor) |
|
int64_t | at::size (const Tensor &tensor, int64_t dim) |
|
int64_t | at::stride (const Tensor &tensor, int64_t dim) |
|
bool | at::is_complex (const Tensor &tensor) |
|
bool | at::is_floating_point (const Tensor &tensor) |
|
bool | at::is_signed (const Tensor &tensor) |
|
bool | at::is_inference (const Tensor &tensor) |
|
bool | at::_is_zerotensor (const Tensor &tensor) |
|
bool | at::is_conj (const Tensor &tensor) |
|
Tensor | at::conj (const Tensor &tensor) |
|
bool | at::is_neg (const Tensor &tensor) |
|